SlideShare a Scribd company logo
1 of 78
Download to read offline
Proprietary and confidential. Do not distribute.
Introduction to Deep Learning and Neon
MAKING MACHINES SMARTER.™
Kyle H. Ambert, PhD

Senior Data Scientist
May 25 , 2017th
@TheKyleAmbert
Nervana Systems Proprietary
About me & Intel’s Artificial Intelligence Products Group (AIPG)
+
Nervana Systems Proprietary
About me & Intel’s Artificial Intelligence Products Group (AIPG)
+
Nervana Systems Proprietary
About me & Intel’s Artificial Intelligence Products Group (AIPG)
+
Nervana Systems Proprietary
About me & Intel’s Artificial Intelligence Products Group (AIPG)
+
Nervana Systems Proprietary
About me & Intel’s Artificial Intelligence Products Group (AIPG)
+
Nervana Systems Proprietary
About me & Intel’s Artificial Intelligence Products Group (AIPG)
+
Together, we create production deep learning solutions in multiple
domains, while advancing the field of applied analytics and optimization.
Nervana Systems Proprietary
8
Intel’s Interest in Analytics
To provide the infrastructure
for the fastest time-to-insight
To create tools that enable
scientists to think about their
research, rather than their
process
To enable users to ask bigger
questions
Bigger Data Better Hardware Smarter Algorithms
Image: 1000 KB / picture
Audio: 5000 KB / song
Video: 5,000,000 KB / movie
Transistor density doubles
every 18 months
Cost / GB in 1995: $1000.00
Cost / GB in 2015: $0.03
Advances in neural
networks leading to better
accuracy in training models
Great solutions require great hardware!
Nervana Systems Proprietary
LIBRARIES Intel® MKL
Intel® MKL-DNN
FRAMEWORKS
Intel® DAAL
HARDWARE
Memory/Storage FabricCompute
Intel
Distribution
MORE
UNLEASHING
POTENTIAL
FULL
SOLUTIONS
PLATFORMS/TOOLS
BIGDL
Intel® Nervana™ Deep
Learning Platform
Intel® Nervana™
Cloud
Intel® Nervana™
Graph
Nervana Systems Proprietary
10
This Evening
1. Machine Learning and Data Science
2. Introduction to Deep Learning
3. Nervana!
4. Neon
5. Deep Learning Use Cases
Nervana Systems Proprietary
11
This Evening
1. Machine Learning and Data Science
2. Introduction to Deep Learning
3. Nervana!
4. Neon
5. Deep Learning Use Cases
Nervana Systems Proprietary
12
AI? Machine Learning? Deep Learning?
Machine learning is the development, and application of, algorithms that can
learn from data in an automated, semi-automated, or supervised setting.
Deep LearningStatistical Learning
Algorithms where multiple layers of neurons learn
successively complex representations of input data
CNN RNN DFF RBM LSTM
Algorithms which leverage statistical methods for
estimating functions from examples
Naïve
Bayes SVM GLM
Tree-
based kNN
Training: building a mathematical model based on input data
Classification (scoring): using a trained model to make predictions about new data
Machine learning is the development, and application of, algorithms that can
learn from data in an automated, semi-automated, or supervised setting.
Deep LearningStatistical Learning
Algorithms where multiple layers of neurons learn
successively complex representations of input data
CNN RNN DFF RBM LSTM
Algorithms which leverage statistical methods for
estimating functions from examples
Naïve
Bayes SVM GLM
Tree-
based kNN
Training: building a mathematical model based on input data
Classification (scoring): using a trained model to make predictions about new data
Machine learning is the development, and application of, algorithms that can
learn from data in an automated, semi-automated, or supervised setting.
Deep LearningStatistical Learning
Algorithms where multiple layers of neurons learn
successively complex representations of input data
CNN RNN DFF RBM LSTM
Algorithms which leverage statistical methods for
estimating functions from examples
Naïve
Bayes SVM GLM
Tree-
based kNN
Training: building a mathematical model based on input data
Classification (scoring): using a trained model to make predictions about new data
Ingest
Data
Engineer
Features
Structure

Model
Clean
Data
Visualize
Query/
Analyze
TrainM
odel
Deploy
Nervana Systems Proprietary
16
This Evening
1. Machine Learning and Data Science
2. Introduction to Deep Learning
3. Nervana!
4. Neon
5. Deep Learning Use Cases
Nervana Systems Proprietary
17
A Quite Brief History of Deep Learning
• 1960s: Neural networks used for binary classification
• 1970s: Neural networks popularity dries after not delivering on the hype
• 1980s: Backpropagation is used to train deep networks
• 1990s: Neural networks take the back seat to support vector machines due to the nice
theoretical properties and guarantee bounds
• 2010s: Access to large datasets and more computation allowed deep networks to return and
have state-of-the-art results in speech, vision, and natural language processing
• 1949: The Organization of Behavior is published
(Hebb!)
(Minsky)
Today: Deep Learning is a fast-moving area of academic and applied analytics!
There are many opportunities for new discoveries!
(Vapnik)
(Hinton)
Nervana Systems Proprietary
18
ML v. DL: Practical Differences
 
SVM
Random Forest
Naïve Bayes
Decision Trees
Logistic Regression
Ensemble methods
 
 
Harrison
Nervana Systems Proprietary
19
End-to-End Deep learning
~60 million parameters
Harrison
 
Nervana Systems Proprietary
20
Workflows in Machine Learning
⟹ The same rules apply for deep learning!
➝ Preprocessing data
➝ Feature extraction
➝ Parsimony in model selection
⟹ How we go about some of this does change…
Nervana Systems Proprietary
21
End-to-End Deep learning: Data Considerations
Nervana Systems Proprietary
22
End-to-End Deep learning: Data Considerations
Nervana Systems Proprietary
23
End-to-End Deep learning: Data Considerations
X X
X
XX
X
Labels: Harrison? Transformations! More data is always better!
Nervana Systems Proprietary
Deep Learning: Networks of Artificial Neurons
 
 
 
Output of unit
Activation Function
Linear weights Bias unit
Input from unit j
  
 
   
 
 
 
 
⟹ With an explosion of moving parts,
being able to understand and keep
track of what sort of model is being
built becomes even more important!
Nervana Systems Proprietary
Practical example: recognition of handwritten digits
MNIST dataset
70,000 images (28x28 pixels)
Goal: classify images into a digit 0-9
N = 28 x 28 pixels
= 784 input units
N = 10 output units (one
for each digit)
Each unit i encodes the
probability of the input
image of being of the
digit i
N = 100 hidden units
(user-defined
parameter)
Input
Hidden
Output
Nervana Systems Proprietary
Training procedure
Input
Hidden
Output 1. Randomly seed weights
2. Forward-pass
3. Cost
4. Backward-pass
5. Update weights
Nervana Systems Proprietary
Forward pass
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
Input
Hidden
Output
28x28
Nervana Systems Proprietary
Cost
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
28x28
Input
Hidden
Output
0
0
0
1
0
0
0
0
0
0
Ground Truth
Cost function
 
Nervana Systems Proprietary
Backward pass
0.0
0.1
0.0
0.3
0.1
0.1
0.0
0.0
0.4
0.0
Output (10x1)
Input
Hidden
Output
0
0
0
1
0
0
0
0
0
0
Ground Truth
Cost function
 
 ∆Wi→j
Nervana Systems Proprietary
Back-propagation
Input
Hidden
Output  
compute
Nervana Systems Proprietary
Back-propagation
Input
Hidden
Output
 
 
Nervana Systems Proprietary
Back-propagation
Input
Hidden
Output
 
 
=
 
 
 
a
! = max	((,0)
a
!′(()
Nervana Systems Proprietary
Back-propagation
Input
Hidden
Output
 
 
 
 
Nervana Systems Proprietary
Training
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
Nervana Systems Proprietary
Gradient descent
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
Update weights via:
 
Learning rate
Nervana Systems Proprietary
Stochastic (minibatch) Gradient descent
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
fprop cost bprop  
minibatch #1
weight update
minibatch #2
weight update
Nervana Systems Proprietary
Stochastic (minibatch) Gradient descent
Epoch 0
Epoch 1
Sample numbers:
• Learning rate ~0.001
• Batch sizes of 32-128
• 50-90 epochs
Nervana Systems Proprietary
Why Does This Work at All?
Krizhevsky, 2012
60 million parameters
120 million parameters
Taigman, 2014
Nervana Systems Proprietary
39
This Evening
1. Machine Learning and Data Science
2. Introduction to Deep Learning
3. Nervana!
4. Neon
5. Deep Learning Use Cases
Nervana Systems Proprietary
Nervana in 30 seconds. Possibly less.
40
neon deep
learning
framework
train deployexplore
nervana
engine
2-3x speedup on
Titan X GPUs
cloudn
Nervana Systems Proprietary
neon framework
Nervana Systems Proprietary
nervana cloud
Web Interface Command Line
Nervana Systems Proprietary
43
This Evening
1. Machine Learning and Data Science
2. Introduction to Deep Learning
3. Nervana!
4. Neon
5. Deep Learning Use Cases
Nervana Systems Proprietary
Ge(i)t Neon!
1. git clone https://github.com/NervanaSystems/neon.git
2. pip install {h5py, pyaml, virtualenv}
3. brew install {opencv|opencv3}
4. make {python2|python3}
5. . .venv/bin/activate
6. examples/mnist_mlp.py
7. deactivate
⟹ https://goo.gl/jZgfNg
Documentation!
Nervana Systems Proprietary
Deep learning ingredients
Dataset Model/Layers Activation OptimizerCost
 
Nervana Systems Proprietary
neon overview
Backend NervanaGPU, NervanaCPU, NervanaMGPU
Datasets
MNIST, CIFAR-10, Imagenet 1K, PASCAL VOC, Mini-Places2, IMDB, Penn Treebank,
Shakespeare Text, bAbI, Hutter-prize, UCF101, flickr8k, flickr30k, COCO
Initializers Constant, Uniform, Gaussian, Glorot Uniform, Xavier, Kaiming, IdentityInit, Orthonormal
Optimizers Gradient Descent with Momentum, RMSProp, AdaDelta, Adam, Adagrad,MultiOptimizer
Activations Rectified Linear, Softmax, Tanh, Logistic, Identity, ExpLin
Layers
Linear, Convolution, Pooling, Deconvolution, Dropout, Recurrent,Long Short-
Term Memory, Gated Recurrent Unit, BatchNorm, LookupTable,Local Response Normalizat
ion, Bidirectional-RNN, Bidirectional-LSTM
Costs Binary Cross Entropy, Multiclass Cross Entropy, Sum of Squares Error
Metrics Misclassification (Top1, TopK), LogLoss, Accuracy, PrecisionRecall, ObjectDetection
Nervana Systems Proprietary
Curated Models
47
• https://github.com/NervanaSystems/ModelZoo
• Pre-trained weights and models
SegNet
Deep Speech 2
Skip-thought
Autoencoders
Deep Dream
Nervana Systems Proprietary
Neon workflow
1. Generate backend
2. Load data
3. Specify model architecture
4. Define training parameters
5. Train model
6. Evaluate
Nervana Systems Proprietary
Interacting with Neon
1. Via command line
2. In a virtual environment
3. In an ipython/jupyter notebook
4. ncloud
Nervana Systems Proprietary
Nervana Cloud
Nervana Systems Proprietary
Nervana Cloud
Nervana Systems Proprietary
Nervana Cloud
Nervana Systems Proprietary
53
This Evening
1. Machine Learning and Data Science
2. Introduction to Deep Learning
3. Nervana!
4. Neon
5. Deep Learning Use Cases
Nervana Systems Proprietary
54
Nervana Systems Proprietary
Nervana Systems Proprietary
•Layers: convolution, rectified linear units, pooling, dropout, softmax
•Popular with 2D + depth (+ time) inputs
•Gray or RBG images
•Videos
•Synthetic aperture radar
•Spectrogram (speech)
Nervana Systems Proprietary
•Layers: convolution, rectified linear units, pooling, dropout,
softmax
•Use multiple copies of the same feature on the input
(correlation)
•Use several features (aka kernels, filters)
•Reduces number of weights compared to fully connected
Nervana Systems Proprietary
•Layers: convolution, rectified linear units (ReLu),
pooling, dropout, softmax
•It is fast – no normalization or exponential computations
•Induces sparsity in the hidden units
 
Nervana Systems Proprietary
•Layers: convolution, rectified linear units, pooling, dropout, softmax
•Downsampling
•Reduces the number of parameters
•Provides some translation invariance
Nervana Systems Proprietary
•Layers: convolution, rectified linear units, pooling, dropout, softmax
•Reduces overfitting – Prevents co-adaptation on training data
Nervana Systems Proprietary
•Layers: convolution, rectified linear units, pooling, dropout, softmax
•aka “normalized exponential function”
•Normalizes vector to a probability distribution 
Nervana Systems Proprietary
Code!
Nervana Systems Proprietary
63
DEEP LEARNING USE CASES!
Long Short-Term Memory (LSTM)
Nervana Systems Proprietary
Why Recurrent Neural Networks?
Input
Hidden
Output
• Temporal dependencies
• Variable sequence length
• Independence
• Fixed Length
Nervana Systems Proprietary
Recurrent neuron
 
 
 
 
 
 
   
Nervana Systems Proprietary
RNN: what is it good for?
0.1
-0.4
0.6
1
0
0
0
0.1
0.7
0.1
0.1
-0.3
0.6
1.6
1
0
0
0
0.1
0.3
0.4
0.2
0.7
-0.4
-0.4
1
0
0
0
0.3
0.0
0.6
0.1
0.1
-0.8
0.1
1
0
0
0
0.0
0.0
0.2
0.8
“h” “e” “l” “l”
“e” “l” “l” “o”
 
Learned a language model!
Nervana Systems Proprietary
RNN: what is it good for?
0.1
-0.4
0.6
1
0
0
0
0.1
0.7
0.1
0.1
-0.3
0.6
1.6
1
0
0
0
0.1
0.3
0.4
0.2
0.7
-0.4
-0.4
1
0
0
0
0.4
0.0
0.5
0.1
0.1
-0.8
0.1
1
0
0
0
0.0
0.0
0.2
0.8
“cash” “flow” “is” “high”
“flow” “is” “high” “today”
 
Learned a language model!
“low”
“high”
Nervana Systems Proprietary
RNN: what is it good for?
0.1
-0.4
0.6
1
0
0
0
-0.3
0.6
1.6
0
1
0
0
0.7
-0.4
-0.4
0
0
1
0
0.1
-0.8
0.1
0
0
0
1
“this” “movie” “was” “bad”
NEGATIVE
“and” “long” <eos>
0.1
-0.8
0.1
1
0
0
0
0.7
-0.4
-0.4
1
0
0
0
-0.3
0.6
1.6
0
1
0
0
0.2
0.8
Nervana Systems Proprietary
RNN: what is it good for?
0.1
-0.4
0.6
1
0
0
0
-0.3
0.6
1.6
0
1
0
0
0.7
-0.4
-0.4
0
0
1
0
0.1
-0.8
0.1
“neon” “is” “amazing”
0.1
-0.8
0.1
0.7
-0.4
-0.4
-0.3
0.6
1.6
0.1
0.7
0.1
0.1
0.1
0.3
0.4
0.2
0.3
0.0
0.6
0.1
0.0
0.0
0.2
0.8
“neon” “est” “incroyable” “!”
0.1
-0.4
0.6
1
0
0
0
-0.3
0.6
1.6
0
1
0
0
0.7
-0.4
-0.4
0
0
1
0
0.1
-0.8
0.1
“neon” “is” “amazing”
0.1
-0.8
0.1
0.7
-0.4
-0.4
-0.3
0.6
1.6
0.1
0.7
0.1
0.1
0.1
0.3
0.4
0.2
0.3
0.0
0.6
0.1
0.0
0.0
0.2
0.8
“neon”“est”“incroyable”“!”
Nervana Systems Proprietary
Long-Short Term Memory (LSTM)
 
       
1 1
 
1
Manipulate memory cell:
1. “forget” (flush the memory)
2. “input” (add to memory)
3. “output” (get from memory)
Nervana Systems Proprietary
Example – Sentiment analysis with LSTM
“Okay, sorry, but I loved this movie. I just
love the whole 80’s genre of these kind
of movies, because you don’t see many
like this...” -~CupidGrl~
POSITIVE
The plot/writing is completely unrealistic and just dumb at
times. Bond is dressed up in a white tux on an overnight
train ride? eh, OK. But then they just show up at the
villain’s compound like nothing bad is going to happen to
them. How stupid is this Bond?
NEGATIVE
Nervana Systems Proprietary
Preprocessing
“Okay, sorry, but I loved this movie. I just
love the whole 80’s genre of these kind
of movies, because you don’t see many
like this...” -~CupidGrl~
[5, 4, 940, 107, 14, 672, 1790,
333, 47, 11, 7890, …,1]
Out-of-Vocab
(e.g. CupidGrl)
• Limit vocab size to 20,000 words
• Truncate each example to 128 words [from the left]
• Pad examples up to 128 whitespace
Nervana Systems Proprietary
Model
d=128
embedding layer
LSTM
LSTM
LSTM
LSTM
N=2
[5, 4, 940, 107,
14, 672, 1790,
333, 47, 11,
7890, …,1]
 
POS
NEG
N=64
LSTM AffineRecurrentSum
 
Nervana Systems Proprietary
Data flow
d=128
embedding layer
LSTM
(2, 1)
POS
NEG
LSTM Affine
    
LSTM LSTM LSTM
       
RecurrentSum
 
 
n=64
Nervana Systems Proprietary
Data flow in batches with neon
d=128
embedding layer
LSTM
(2, bsz)
[5, 4, 940, 107,
14, 672, 1790,
333, 47, 11,
7890,…, 1]
 
POS
NEG
LSTM Affine
 
    
LSTM LSTM LSTM
       
RecurrentSum
 
 
n=64
Nervana Systems Proprietary
Code!
LSTM
Nervana Systems Proprietary
More Code!
LSTM
Nervana Systems Proprietary
In Summary…
1. Deep learning methods are powerful and versatile
2. It’s important to understand how DL relates to
traditional ML methods
3. The barrier of entry to using DL in practice is
lowered with the neon framework on the Nervana
ecosystem
kyle.h.ambert@intel.com
@TheKyleAmbert

More Related Content

What's hot

Nervana and the Future of Computing
Nervana and the Future of ComputingNervana and the Future of Computing
Nervana and the Future of ComputingIntel Nervana
 
Intel Nervana Artificial Intelligence Meetup 1/31/17
Intel Nervana Artificial Intelligence Meetup 1/31/17Intel Nervana Artificial Intelligence Meetup 1/31/17
Intel Nervana Artificial Intelligence Meetup 1/31/17Intel Nervana
 
Urs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksUrs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksIntel Nervana
 
Squeezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesSqueezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesAnirudh Koul
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsChester Chen
 
Urs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonUrs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonIntel Nervana
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowS N
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Jen Aman
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep LearningBrahim HAMADICHAREF
 
Deep learning on mobile
Deep learning on mobileDeep learning on mobile
Deep learning on mobileAnirudh Koul
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Apache MXNet
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetAmazon Web Services
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesTuri, Inc.
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorRoelof Pieters
 
Deep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's GuideDeep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's GuideAnirudh Koul
 
Deep Learning Applications (dadada2017)
Deep Learning Applications (dadada2017)Deep Learning Applications (dadada2017)
Deep Learning Applications (dadada2017)Abhishek Thakur
 
NVIDIA 深度學習教育機構 (DLI): Approaches to object detection
NVIDIA 深度學習教育機構 (DLI): Approaches to object detectionNVIDIA 深度學習教育機構 (DLI): Approaches to object detection
NVIDIA 深度學習教育機構 (DLI): Approaches to object detectionNVIDIA Taiwan
 
Deep Learning Frameworks Using Spark on YARN by Vartika Singh
Deep Learning Frameworks Using Spark on YARN by Vartika SinghDeep Learning Frameworks Using Spark on YARN by Vartika Singh
Deep Learning Frameworks Using Spark on YARN by Vartika SinghData Con LA
 

What's hot (20)

Nervana and the Future of Computing
Nervana and the Future of ComputingNervana and the Future of Computing
Nervana and the Future of Computing
 
Intel Nervana Artificial Intelligence Meetup 1/31/17
Intel Nervana Artificial Intelligence Meetup 1/31/17Intel Nervana Artificial Intelligence Meetup 1/31/17
Intel Nervana Artificial Intelligence Meetup 1/31/17
 
Urs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural NetworksUrs Köster - Convolutional and Recurrent Neural Networks
Urs Köster - Convolutional and Recurrent Neural Networks
 
Squeezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile PhonesSqueezing Deep Learning Into Mobile Phones
Squeezing Deep Learning Into Mobile Phones
 
Improving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN ApplicationsImproving Hardware Efficiency for DNN Applications
Improving Hardware Efficiency for DNN Applications
 
Urs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonUrs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in Boston
 
Android and Deep Learning
Android and Deep LearningAndroid and Deep Learning
Android and Deep Learning
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep Learning
 
Deep learning on mobile
Deep learning on mobileDeep learning on mobile
Deep learning on mobile
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNet
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog Detector
 
Deep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's GuideDeep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's Guide
 
Amazon Deep Learning
Amazon Deep LearningAmazon Deep Learning
Amazon Deep Learning
 
Deep Learning Applications (dadada2017)
Deep Learning Applications (dadada2017)Deep Learning Applications (dadada2017)
Deep Learning Applications (dadada2017)
 
NVIDIA 深度學習教育機構 (DLI): Approaches to object detection
NVIDIA 深度學習教育機構 (DLI): Approaches to object detectionNVIDIA 深度學習教育機構 (DLI): Approaches to object detection
NVIDIA 深度學習教育機構 (DLI): Approaches to object detection
 
Deep Learning Frameworks Using Spark on YARN by Vartika Singh
Deep Learning Frameworks Using Spark on YARN by Vartika SinghDeep Learning Frameworks Using Spark on YARN by Vartika Singh
Deep Learning Frameworks Using Spark on YARN by Vartika Singh
 

Viewers also liked

Tutorial on Opinion Mining and Sentiment Analysis
Tutorial on Opinion Mining and Sentiment AnalysisTutorial on Opinion Mining and Sentiment Analysis
Tutorial on Opinion Mining and Sentiment AnalysisYun Hao
 
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...Cataldo Musto
 
Rule based approach to sentiment analysis at romip’11 slides
Rule based approach to sentiment analysis at romip’11 slidesRule based approach to sentiment analysis at romip’11 slides
Rule based approach to sentiment analysis at romip’11 slidesDmitry Kan
 
Sentiment analysis using naive bayes classifier
Sentiment analysis using naive bayes classifier Sentiment analysis using naive bayes classifier
Sentiment analysis using naive bayes classifier Dev Sahu
 
CS571: Sentiment Analysis
CS571: Sentiment AnalysisCS571: Sentiment Analysis
CS571: Sentiment AnalysisJinho Choi
 
CS571: Gradient Descent
CS571: Gradient DescentCS571: Gradient Descent
CS571: Gradient DescentJinho Choi
 
(Deep) Neural Networks在 NLP 和 Text Mining 总结
(Deep) Neural Networks在 NLP 和 Text Mining 总结(Deep) Neural Networks在 NLP 和 Text Mining 总结
(Deep) Neural Networks在 NLP 和 Text Mining 总结君 廖
 
Text categorization
Text categorizationText categorization
Text categorizationKU Leuven
 

Viewers also liked (9)

Tutorial on Opinion Mining and Sentiment Analysis
Tutorial on Opinion Mining and Sentiment AnalysisTutorial on Opinion Mining and Sentiment Analysis
Tutorial on Opinion Mining and Sentiment Analysis
 
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...
A comparison of Lexicon-based approaches for Sentiment Analysis of microblog ...
 
Rule based approach to sentiment analysis at romip’11 slides
Rule based approach to sentiment analysis at romip’11 slidesRule based approach to sentiment analysis at romip’11 slides
Rule based approach to sentiment analysis at romip’11 slides
 
Sentiment analysis using naive bayes classifier
Sentiment analysis using naive bayes classifier Sentiment analysis using naive bayes classifier
Sentiment analysis using naive bayes classifier
 
CS571: Sentiment Analysis
CS571: Sentiment AnalysisCS571: Sentiment Analysis
CS571: Sentiment Analysis
 
CS571: Gradient Descent
CS571: Gradient DescentCS571: Gradient Descent
CS571: Gradient Descent
 
Text categorization
Text categorizationText categorization
Text categorization
 
(Deep) Neural Networks在 NLP 和 Text Mining 总结
(Deep) Neural Networks在 NLP 和 Text Mining 总结(Deep) Neural Networks在 NLP 和 Text Mining 总结
(Deep) Neural Networks在 NLP 和 Text Mining 总结
 
Text categorization
Text categorizationText categorization
Text categorization
 

Similar to Introduction to Deep Learning and neon at Galvanize

Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachinePulse
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Vandana Kannan
 
Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet
 
[2A4]DeepLearningAtNAVER
[2A4]DeepLearningAtNAVER[2A4]DeepLearningAtNAVER
[2A4]DeepLearningAtNAVERNAVER D2
 
Introduction to Generative Adversarial Networks (GAN) with Apache MXNet
Introduction to Generative Adversarial Networks (GAN) with Apache MXNetIntroduction to Generative Adversarial Networks (GAN) with Apache MXNet
Introduction to Generative Adversarial Networks (GAN) with Apache MXNetAmazon Web Services
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspectiveAnirban Santara
 
Designing Artificial Intelligence
Designing Artificial IntelligenceDesigning Artificial Intelligence
Designing Artificial IntelligenceDavid Chou
 
Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsClarence Chio
 
Synthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningSynthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningS N
 
Machine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNetMachine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNetdelagoya
 
Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Rajiv Shah
 
Final training course
Final training courseFinal training course
Final training courseNoor Dhiya
 
Big Sky Earth 2018 Introduction to machine learning
Big Sky Earth 2018 Introduction to machine learningBig Sky Earth 2018 Introduction to machine learning
Big Sky Earth 2018 Introduction to machine learningJulien TREGUER
 
Deep Learning and Watson Studio
Deep Learning and Watson StudioDeep Learning and Watson Studio
Deep Learning and Watson StudioSasha Lazarevic
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Julien SIMON
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101Felipe Prado
 

Similar to Introduction to Deep Learning and neon at Galvanize (20)

Machine Learning and Real-World Applications
Machine Learning and Real-World ApplicationsMachine Learning and Real-World Applications
Machine Learning and Real-World Applications
 
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018
 
[2A4]DeepLearningAtNAVER
[2A4]DeepLearningAtNAVER[2A4]DeepLearningAtNAVER
[2A4]DeepLearningAtNAVER
 
Introduction to Generative Adversarial Networks (GAN) with Apache MXNet
Introduction to Generative Adversarial Networks (GAN) with Apache MXNetIntroduction to Generative Adversarial Networks (GAN) with Apache MXNet
Introduction to Generative Adversarial Networks (GAN) with Apache MXNet
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
Designing Artificial Intelligence
Designing Artificial IntelligenceDesigning Artificial Intelligence
Designing Artificial Intelligence
 
Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning Systems
 
Synthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep LearningSynthetic dialogue generation with Deep Learning
Synthetic dialogue generation with Deep Learning
 
Machine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNetMachine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNet
 
Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow Image Classification Done Simply using Keras and TensorFlow
Image Classification Done Simply using Keras and TensorFlow
 
Final training course
Final training courseFinal training course
Final training course
 
Big Sky Earth 2018 Introduction to machine learning
Big Sky Earth 2018 Introduction to machine learningBig Sky Earth 2018 Introduction to machine learning
Big Sky Earth 2018 Introduction to machine learning
 
Deep Learning and Watson Studio
Deep Learning and Watson StudioDeep Learning and Watson Studio
Deep Learning and Watson Studio
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
 

More from Intel Nervana

Women in AI kickoff
Women in AI kickoff Women in AI kickoff
Women in AI kickoff Intel Nervana
 
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...Intel Nervana
 
RE-Work Deep Learning Summit - September 2016
RE-Work Deep Learning Summit - September 2016RE-Work Deep Learning Summit - September 2016
RE-Work Deep Learning Summit - September 2016Intel Nervana
 
Using neon for pattern recognition in audio data
Using neon for pattern recognition in audio dataUsing neon for pattern recognition in audio data
Using neon for pattern recognition in audio dataIntel Nervana
 
An Analysis of Convolution for Inference
An Analysis of Convolution for InferenceAn Analysis of Convolution for Inference
An Analysis of Convolution for InferenceIntel Nervana
 
High-Performance GPU Programming for Deep Learning
High-Performance GPU Programming for Deep LearningHigh-Performance GPU Programming for Deep Learning
High-Performance GPU Programming for Deep LearningIntel Nervana
 
Object Detection and Recognition
Object Detection and Recognition Object Detection and Recognition
Object Detection and Recognition Intel Nervana
 
Video Activity Recognition and NLP Q&A Model Example
Video Activity Recognition and NLP Q&A Model ExampleVideo Activity Recognition and NLP Q&A Model Example
Video Activity Recognition and NLP Q&A Model ExampleIntel Nervana
 
Anil Thomas - Object recognition
Anil Thomas - Object recognitionAnil Thomas - Object recognition
Anil Thomas - Object recognitionIntel Nervana
 

More from Intel Nervana (9)

Women in AI kickoff
Women in AI kickoff Women in AI kickoff
Women in AI kickoff
 
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
Andres Rodriguez at AI Frontiers: Catalyzing Deep Learning's Impact in the En...
 
RE-Work Deep Learning Summit - September 2016
RE-Work Deep Learning Summit - September 2016RE-Work Deep Learning Summit - September 2016
RE-Work Deep Learning Summit - September 2016
 
Using neon for pattern recognition in audio data
Using neon for pattern recognition in audio dataUsing neon for pattern recognition in audio data
Using neon for pattern recognition in audio data
 
An Analysis of Convolution for Inference
An Analysis of Convolution for InferenceAn Analysis of Convolution for Inference
An Analysis of Convolution for Inference
 
High-Performance GPU Programming for Deep Learning
High-Performance GPU Programming for Deep LearningHigh-Performance GPU Programming for Deep Learning
High-Performance GPU Programming for Deep Learning
 
Object Detection and Recognition
Object Detection and Recognition Object Detection and Recognition
Object Detection and Recognition
 
Video Activity Recognition and NLP Q&A Model Example
Video Activity Recognition and NLP Q&A Model ExampleVideo Activity Recognition and NLP Q&A Model Example
Video Activity Recognition and NLP Q&A Model Example
 
Anil Thomas - Object recognition
Anil Thomas - Object recognitionAnil Thomas - Object recognition
Anil Thomas - Object recognition
 

Recently uploaded

Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonAnna Loughnan Colquhoun
 
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...HostedbyConfluent
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...
Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...
Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...gurkirankumar98700
 
Google AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAGGoogle AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAGSujit Pal
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationRadu Cotescu
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Paola De la Torre
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024Results
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersThousandEyes
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 

Recently uploaded (20)

Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
Transforming Data Streams with Kafka Connect: An Introduction to Single Messa...
 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...
Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...
Kalyanpur ) Call Girls in Lucknow Finest Escorts Service 🍸 8923113531 🎰 Avail...
 
Google AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAGGoogle AI Hackathon: LLM based Evaluator for RAG
Google AI Hackathon: LLM based Evaluator for RAG
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
#StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 

Introduction to Deep Learning and neon at Galvanize

  • 1. Proprietary and confidential. Do not distribute. Introduction to Deep Learning and Neon MAKING MACHINES SMARTER.™ Kyle H. Ambert, PhD
 Senior Data Scientist May 25 , 2017th @TheKyleAmbert
  • 2. Nervana Systems Proprietary About me & Intel’s Artificial Intelligence Products Group (AIPG) +
  • 3. Nervana Systems Proprietary About me & Intel’s Artificial Intelligence Products Group (AIPG) +
  • 4. Nervana Systems Proprietary About me & Intel’s Artificial Intelligence Products Group (AIPG) +
  • 5. Nervana Systems Proprietary About me & Intel’s Artificial Intelligence Products Group (AIPG) +
  • 6. Nervana Systems Proprietary About me & Intel’s Artificial Intelligence Products Group (AIPG) +
  • 7. Nervana Systems Proprietary About me & Intel’s Artificial Intelligence Products Group (AIPG) + Together, we create production deep learning solutions in multiple domains, while advancing the field of applied analytics and optimization.
  • 8. Nervana Systems Proprietary 8 Intel’s Interest in Analytics To provide the infrastructure for the fastest time-to-insight To create tools that enable scientists to think about their research, rather than their process To enable users to ask bigger questions Bigger Data Better Hardware Smarter Algorithms Image: 1000 KB / picture Audio: 5000 KB / song Video: 5,000,000 KB / movie Transistor density doubles every 18 months Cost / GB in 1995: $1000.00 Cost / GB in 2015: $0.03 Advances in neural networks leading to better accuracy in training models Great solutions require great hardware!
  • 9. Nervana Systems Proprietary LIBRARIES Intel® MKL Intel® MKL-DNN FRAMEWORKS Intel® DAAL HARDWARE Memory/Storage FabricCompute Intel Distribution MORE UNLEASHING POTENTIAL FULL SOLUTIONS PLATFORMS/TOOLS BIGDL Intel® Nervana™ Deep Learning Platform Intel® Nervana™ Cloud Intel® Nervana™ Graph
  • 10. Nervana Systems Proprietary 10 This Evening 1. Machine Learning and Data Science 2. Introduction to Deep Learning 3. Nervana! 4. Neon 5. Deep Learning Use Cases
  • 11. Nervana Systems Proprietary 11 This Evening 1. Machine Learning and Data Science 2. Introduction to Deep Learning 3. Nervana! 4. Neon 5. Deep Learning Use Cases
  • 12. Nervana Systems Proprietary 12 AI? Machine Learning? Deep Learning?
  • 13. Machine learning is the development, and application of, algorithms that can learn from data in an automated, semi-automated, or supervised setting. Deep LearningStatistical Learning Algorithms where multiple layers of neurons learn successively complex representations of input data CNN RNN DFF RBM LSTM Algorithms which leverage statistical methods for estimating functions from examples Naïve Bayes SVM GLM Tree- based kNN Training: building a mathematical model based on input data Classification (scoring): using a trained model to make predictions about new data
  • 14. Machine learning is the development, and application of, algorithms that can learn from data in an automated, semi-automated, or supervised setting. Deep LearningStatistical Learning Algorithms where multiple layers of neurons learn successively complex representations of input data CNN RNN DFF RBM LSTM Algorithms which leverage statistical methods for estimating functions from examples Naïve Bayes SVM GLM Tree- based kNN Training: building a mathematical model based on input data Classification (scoring): using a trained model to make predictions about new data
  • 15. Machine learning is the development, and application of, algorithms that can learn from data in an automated, semi-automated, or supervised setting. Deep LearningStatistical Learning Algorithms where multiple layers of neurons learn successively complex representations of input data CNN RNN DFF RBM LSTM Algorithms which leverage statistical methods for estimating functions from examples Naïve Bayes SVM GLM Tree- based kNN Training: building a mathematical model based on input data Classification (scoring): using a trained model to make predictions about new data Ingest Data Engineer
Features Structure
 Model Clean Data Visualize Query/ Analyze TrainM odel Deploy
  • 16. Nervana Systems Proprietary 16 This Evening 1. Machine Learning and Data Science 2. Introduction to Deep Learning 3. Nervana! 4. Neon 5. Deep Learning Use Cases
  • 17. Nervana Systems Proprietary 17 A Quite Brief History of Deep Learning • 1960s: Neural networks used for binary classification • 1970s: Neural networks popularity dries after not delivering on the hype • 1980s: Backpropagation is used to train deep networks • 1990s: Neural networks take the back seat to support vector machines due to the nice theoretical properties and guarantee bounds • 2010s: Access to large datasets and more computation allowed deep networks to return and have state-of-the-art results in speech, vision, and natural language processing • 1949: The Organization of Behavior is published (Hebb!) (Minsky) Today: Deep Learning is a fast-moving area of academic and applied analytics! There are many opportunities for new discoveries! (Vapnik) (Hinton)
  • 18. Nervana Systems Proprietary 18 ML v. DL: Practical Differences   SVM Random Forest Naïve Bayes Decision Trees Logistic Regression Ensemble methods     Harrison
  • 19. Nervana Systems Proprietary 19 End-to-End Deep learning ~60 million parameters Harrison  
  • 20. Nervana Systems Proprietary 20 Workflows in Machine Learning ⟹ The same rules apply for deep learning! ➝ Preprocessing data ➝ Feature extraction ➝ Parsimony in model selection ⟹ How we go about some of this does change…
  • 21. Nervana Systems Proprietary 21 End-to-End Deep learning: Data Considerations
  • 22. Nervana Systems Proprietary 22 End-to-End Deep learning: Data Considerations
  • 23. Nervana Systems Proprietary 23 End-to-End Deep learning: Data Considerations X X X XX X Labels: Harrison? Transformations! More data is always better!
  • 24. Nervana Systems Proprietary Deep Learning: Networks of Artificial Neurons       Output of unit Activation Function Linear weights Bias unit Input from unit j                  ⟹ With an explosion of moving parts, being able to understand and keep track of what sort of model is being built becomes even more important!
  • 25. Nervana Systems Proprietary Practical example: recognition of handwritten digits MNIST dataset 70,000 images (28x28 pixels) Goal: classify images into a digit 0-9 N = 28 x 28 pixels = 784 input units N = 10 output units (one for each digit) Each unit i encodes the probability of the input image of being of the digit i N = 100 hidden units (user-defined parameter) Input Hidden Output
  • 26. Nervana Systems Proprietary Training procedure Input Hidden Output 1. Randomly seed weights 2. Forward-pass 3. Cost 4. Backward-pass 5. Update weights
  • 27. Nervana Systems Proprietary Forward pass 0.0 0.1 0.0 0.3 0.1 0.1 0.0 0.0 0.4 0.0 Output (10x1) Input Hidden Output 28x28
  • 28. Nervana Systems Proprietary Cost 0.0 0.1 0.0 0.3 0.1 0.1 0.0 0.0 0.4 0.0 Output (10x1) 28x28 Input Hidden Output 0 0 0 1 0 0 0 0 0 0 Ground Truth Cost function  
  • 29. Nervana Systems Proprietary Backward pass 0.0 0.1 0.0 0.3 0.1 0.1 0.0 0.0 0.4 0.0 Output (10x1) Input Hidden Output 0 0 0 1 0 0 0 0 0 0 Ground Truth Cost function    ∆Wi→j
  • 34. Nervana Systems Proprietary Training fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop  
  • 35. Nervana Systems Proprietary Gradient descent fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   Update weights via:   Learning rate
  • 36. Nervana Systems Proprietary Stochastic (minibatch) Gradient descent fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   fprop cost bprop   minibatch #1 weight update minibatch #2 weight update
  • 37. Nervana Systems Proprietary Stochastic (minibatch) Gradient descent Epoch 0 Epoch 1 Sample numbers: • Learning rate ~0.001 • Batch sizes of 32-128 • 50-90 epochs
  • 38. Nervana Systems Proprietary Why Does This Work at All? Krizhevsky, 2012 60 million parameters 120 million parameters Taigman, 2014
  • 39. Nervana Systems Proprietary 39 This Evening 1. Machine Learning and Data Science 2. Introduction to Deep Learning 3. Nervana! 4. Neon 5. Deep Learning Use Cases
  • 40. Nervana Systems Proprietary Nervana in 30 seconds. Possibly less. 40 neon deep learning framework train deployexplore nervana engine 2-3x speedup on Titan X GPUs cloudn
  • 42. Nervana Systems Proprietary nervana cloud Web Interface Command Line
  • 43. Nervana Systems Proprietary 43 This Evening 1. Machine Learning and Data Science 2. Introduction to Deep Learning 3. Nervana! 4. Neon 5. Deep Learning Use Cases
  • 44. Nervana Systems Proprietary Ge(i)t Neon! 1. git clone https://github.com/NervanaSystems/neon.git 2. pip install {h5py, pyaml, virtualenv} 3. brew install {opencv|opencv3} 4. make {python2|python3} 5. . .venv/bin/activate 6. examples/mnist_mlp.py 7. deactivate ⟹ https://goo.gl/jZgfNg Documentation!
  • 45. Nervana Systems Proprietary Deep learning ingredients Dataset Model/Layers Activation OptimizerCost  
  • 46. Nervana Systems Proprietary neon overview Backend NervanaGPU, NervanaCPU, NervanaMGPU Datasets MNIST, CIFAR-10, Imagenet 1K, PASCAL VOC, Mini-Places2, IMDB, Penn Treebank, Shakespeare Text, bAbI, Hutter-prize, UCF101, flickr8k, flickr30k, COCO Initializers Constant, Uniform, Gaussian, Glorot Uniform, Xavier, Kaiming, IdentityInit, Orthonormal Optimizers Gradient Descent with Momentum, RMSProp, AdaDelta, Adam, Adagrad,MultiOptimizer Activations Rectified Linear, Softmax, Tanh, Logistic, Identity, ExpLin Layers Linear, Convolution, Pooling, Deconvolution, Dropout, Recurrent,Long Short- Term Memory, Gated Recurrent Unit, BatchNorm, LookupTable,Local Response Normalizat ion, Bidirectional-RNN, Bidirectional-LSTM Costs Binary Cross Entropy, Multiclass Cross Entropy, Sum of Squares Error Metrics Misclassification (Top1, TopK), LogLoss, Accuracy, PrecisionRecall, ObjectDetection
  • 47. Nervana Systems Proprietary Curated Models 47 • https://github.com/NervanaSystems/ModelZoo • Pre-trained weights and models SegNet Deep Speech 2 Skip-thought Autoencoders Deep Dream
  • 48. Nervana Systems Proprietary Neon workflow 1. Generate backend 2. Load data 3. Specify model architecture 4. Define training parameters 5. Train model 6. Evaluate
  • 49. Nervana Systems Proprietary Interacting with Neon 1. Via command line 2. In a virtual environment 3. In an ipython/jupyter notebook 4. ncloud
  • 53. Nervana Systems Proprietary 53 This Evening 1. Machine Learning and Data Science 2. Introduction to Deep Learning 3. Nervana! 4. Neon 5. Deep Learning Use Cases
  • 56. Nervana Systems Proprietary •Layers: convolution, rectified linear units, pooling, dropout, softmax •Popular with 2D + depth (+ time) inputs •Gray or RBG images •Videos •Synthetic aperture radar •Spectrogram (speech)
  • 57. Nervana Systems Proprietary •Layers: convolution, rectified linear units, pooling, dropout, softmax •Use multiple copies of the same feature on the input (correlation) •Use several features (aka kernels, filters) •Reduces number of weights compared to fully connected
  • 58. Nervana Systems Proprietary •Layers: convolution, rectified linear units (ReLu), pooling, dropout, softmax •It is fast – no normalization or exponential computations •Induces sparsity in the hidden units  
  • 59. Nervana Systems Proprietary •Layers: convolution, rectified linear units, pooling, dropout, softmax •Downsampling •Reduces the number of parameters •Provides some translation invariance
  • 60. Nervana Systems Proprietary •Layers: convolution, rectified linear units, pooling, dropout, softmax •Reduces overfitting – Prevents co-adaptation on training data
  • 61. Nervana Systems Proprietary •Layers: convolution, rectified linear units, pooling, dropout, softmax •aka “normalized exponential function” •Normalizes vector to a probability distribution 
  • 63. Nervana Systems Proprietary 63 DEEP LEARNING USE CASES! Long Short-Term Memory (LSTM)
  • 64. Nervana Systems Proprietary Why Recurrent Neural Networks? Input Hidden Output • Temporal dependencies • Variable sequence length • Independence • Fixed Length
  • 65. Nervana Systems Proprietary Recurrent neuron                
  • 66. Nervana Systems Proprietary RNN: what is it good for? 0.1 -0.4 0.6 1 0 0 0 0.1 0.7 0.1 0.1 -0.3 0.6 1.6 1 0 0 0 0.1 0.3 0.4 0.2 0.7 -0.4 -0.4 1 0 0 0 0.3 0.0 0.6 0.1 0.1 -0.8 0.1 1 0 0 0 0.0 0.0 0.2 0.8 “h” “e” “l” “l” “e” “l” “l” “o”   Learned a language model!
  • 67. Nervana Systems Proprietary RNN: what is it good for? 0.1 -0.4 0.6 1 0 0 0 0.1 0.7 0.1 0.1 -0.3 0.6 1.6 1 0 0 0 0.1 0.3 0.4 0.2 0.7 -0.4 -0.4 1 0 0 0 0.4 0.0 0.5 0.1 0.1 -0.8 0.1 1 0 0 0 0.0 0.0 0.2 0.8 “cash” “flow” “is” “high” “flow” “is” “high” “today”   Learned a language model! “low” “high”
  • 68. Nervana Systems Proprietary RNN: what is it good for? 0.1 -0.4 0.6 1 0 0 0 -0.3 0.6 1.6 0 1 0 0 0.7 -0.4 -0.4 0 0 1 0 0.1 -0.8 0.1 0 0 0 1 “this” “movie” “was” “bad” NEGATIVE “and” “long” <eos> 0.1 -0.8 0.1 1 0 0 0 0.7 -0.4 -0.4 1 0 0 0 -0.3 0.6 1.6 0 1 0 0 0.2 0.8
  • 69. Nervana Systems Proprietary RNN: what is it good for? 0.1 -0.4 0.6 1 0 0 0 -0.3 0.6 1.6 0 1 0 0 0.7 -0.4 -0.4 0 0 1 0 0.1 -0.8 0.1 “neon” “is” “amazing” 0.1 -0.8 0.1 0.7 -0.4 -0.4 -0.3 0.6 1.6 0.1 0.7 0.1 0.1 0.1 0.3 0.4 0.2 0.3 0.0 0.6 0.1 0.0 0.0 0.2 0.8 “neon” “est” “incroyable” “!” 0.1 -0.4 0.6 1 0 0 0 -0.3 0.6 1.6 0 1 0 0 0.7 -0.4 -0.4 0 0 1 0 0.1 -0.8 0.1 “neon” “is” “amazing” 0.1 -0.8 0.1 0.7 -0.4 -0.4 -0.3 0.6 1.6 0.1 0.7 0.1 0.1 0.1 0.3 0.4 0.2 0.3 0.0 0.6 0.1 0.0 0.0 0.2 0.8 “neon”“est”“incroyable”“!”
  • 70. Nervana Systems Proprietary Long-Short Term Memory (LSTM)           1 1   1 Manipulate memory cell: 1. “forget” (flush the memory) 2. “input” (add to memory) 3. “output” (get from memory)
  • 71. Nervana Systems Proprietary Example – Sentiment analysis with LSTM “Okay, sorry, but I loved this movie. I just love the whole 80’s genre of these kind of movies, because you don’t see many like this...” -~CupidGrl~ POSITIVE The plot/writing is completely unrealistic and just dumb at times. Bond is dressed up in a white tux on an overnight train ride? eh, OK. But then they just show up at the villain’s compound like nothing bad is going to happen to them. How stupid is this Bond? NEGATIVE
  • 72. Nervana Systems Proprietary Preprocessing “Okay, sorry, but I loved this movie. I just love the whole 80’s genre of these kind of movies, because you don’t see many like this...” -~CupidGrl~ [5, 4, 940, 107, 14, 672, 1790, 333, 47, 11, 7890, …,1] Out-of-Vocab (e.g. CupidGrl) • Limit vocab size to 20,000 words • Truncate each example to 128 words [from the left] • Pad examples up to 128 whitespace
  • 73. Nervana Systems Proprietary Model d=128 embedding layer LSTM LSTM LSTM LSTM N=2 [5, 4, 940, 107, 14, 672, 1790, 333, 47, 11, 7890, …,1]   POS NEG N=64 LSTM AffineRecurrentSum  
  • 74. Nervana Systems Proprietary Data flow d=128 embedding layer LSTM (2, 1) POS NEG LSTM Affine      LSTM LSTM LSTM         RecurrentSum     n=64
  • 75. Nervana Systems Proprietary Data flow in batches with neon d=128 embedding layer LSTM (2, bsz) [5, 4, 940, 107, 14, 672, 1790, 333, 47, 11, 7890,…, 1]   POS NEG LSTM Affine        LSTM LSTM LSTM         RecurrentSum     n=64
  • 78. Nervana Systems Proprietary In Summary… 1. Deep learning methods are powerful and versatile 2. It’s important to understand how DL relates to traditional ML methods 3. The barrier of entry to using DL in practice is lowered with the neon framework on the Nervana ecosystem kyle.h.ambert@intel.com @TheKyleAmbert