SlideShare a Scribd company logo
1 of 43
Download to read offline
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Deep Learning 
Baptiste Wicht 
baptiste.wicht@gmail.com 
September 12, 2014 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Table of Contents 
1 Deep Learning 
2 Restricted Boltzmann Machine 
3 Deep Belief Network 
4 Convolutional RBM 
5 Convolutional DBN 
6 Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Contents 
1 Deep Learning 
Definition 
History 
Usages 
Difficulties 
2 Restricted Boltzmann Machine 
3 Deep Belief Network 
4 Convolutional RBM 
5 Convolutional DBN 
6 Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Definition 
Deep Learning (Wikipedia) 
Deep learning is a set of algorithms in machine learning that 
attempt to model high-level abstractions in data by using model 
architectures composed of multiple non-linear transformations 
Deep Learning (deeplearning.net) 
Deep Learning is a new area of Machine Learning research, which 
has been introduced with the objective of moving Machine 
Learning closer to one of its original goals: Artificial Intelligence. 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Definition (cont.d) 
Goal: Imitate the nature 
Set of algorithms 
Generally structures with multiple layers 
Often unsupervised feature learning 
Time-consuming training 
Sometimes large amount of data 
Generally complex data 
New name for an old thing 
hot topic 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
History 
1960: Neural networks 
1985: Multilayer Perceptrons 
1986: Restricted Boltzmann Machine 
1995: Support Vector Machine 
2006: Hinton presents the Deep Belief Network (DBN) 
New interests in deep learning and RBM 
State of the art MNIST 
2009: Deep Recurrent Neural Network 
2010: Convolutional DBN 
2011: Max-Pooling CDBN 
Many competitions won and state of the art results 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Names 
Geoffrey Hinton 
Andrew Y. Ng 
Yoshua Bengio 
Honglak Lee 
Yann LeCun 
... 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Algorithms 
Deep Neural Networks 
Deep Belief Networks 
Convolutional Deep Belief Networks 
Deep SVM 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Usages 
Text recognition 
Facial Expression Recognition 
Object Recognition 
Audio classification 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
History 
Usages 
Difficulties 
Difficulties 
Large number of free variables 
Few insights on how to set them 
Complex to implement 
Large variations between papers 
Lot of refinements were proposed 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Contents 
1 Deep Learning 
2 Restricted Boltzmann Machine 
Definition 
Training 
Units 
Variants 
3 Deep Belief Network 
4 Convolutional RBM 
5 Convolutional DBN 
6 Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Definition 
Restricted Boltzmann Machine 
Function: Learn a probability distribution over the input 
Generative stochastic neural network 
Visible and hidden neurons 
Neurons form a bipartite graph 
V visible units and visible biases 
H hidden units and hidden biases 
VxH weights 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Definition (Cont.d) 
Binary units (Bernoulli RBM) 
p(hj = 1|v) = (cj + 
mX 
i 
viwi,j ) 
p(vi = 1|h) = (bi + 
nX 
j 
hjwi,j ) 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Example 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Example 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Example 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Example 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Example 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Usages 
Unsupervised feature learning 
Classification with other techniques (linear classifier, SVM, ...) 
Limited to one layer of abstraction 
Stacking for higher-level models and classification 
Deep Belief Network 
Deep Boltzmann Machines 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Training 
Objective: Maximizing the log-likelihood 
Intractable 
Other methods have been developed: 
Markov Chain Monte Carlo (MCMC) (Too slow) 
Contrastive Divergence (CD) (Hinton) 
Persistent CD 
Mean-Field CD (mf-CD) 
Parallel Tempering 
Annealed Importance Sampling 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Contrastive Divergence 
For each data point 
1 Compute gradients g between t = k and t = k − 1 
2 Add   g to the weights and the biases 
Repeat for several epochs 
Experiments have shown that CD1 (k = 1) works well 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Contrastive Divergence 
When to stop training ? 
1 Proxies to log-likelihood: 
Reconstruction error 
Pseudo-likelihood (PCD) 
2 Visual inspection of the filters 
Training is relatively fast 
Can be trained on GPU 
Hard to compare two RBMs 
Hard to test an implementation correctly 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Contrastive Divergence Options 
Mini-batch training 
Momentum 
Weight decay 
Sparsity Target 
... 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Units 
RBM Was initially developed with binary units 
Different types of units can be used: 
Gaussian visible units for real-value inputs 
Softmax hidden unit for classification (last layer) 
Rectified Linear Unit (ReLU) units for hidden/visible 
Can be capped 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Units 
Variants 
Variants 
Convolutional RBM (see later) 
mean-covariance RBM (mcRBM) 
Sparse RBM (SRBM) 
Third-Order RBM 
Spike And Slab RBM 
Nonnegative RBM 
... 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Contents 
1 Deep Learning 
2 Restricted Boltzmann Machine 
3 Deep Belief Network 
Definition 
Training 
4 Convolutional RBM 
5 Convolutional DBN 
6 Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Definition 
Deep Belief Network 
Generative graphical model 
Type of Deep Neural Network 
Multiple layer of hidden units 
Stack of RBMs 
Can be implemented with other autoencoders 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Definition (Cont.d) 
Each RBM takes input 
from previous layer output 
Each layer forms a 
higher-level representation 
of the data 
Number of hidden units in 
each layer can be tuned 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Training 
1 Train each layer, from bottom to top, with Contrastive 
Divergence (Unsupervised) 
2 Then treat the DBN as a MLP 
3 If necessary, fine-tune the last layer for classification 
(Supervised) 
Back propagation 
nonlinear Conjugate Gradient method 
Limited Memory Broyden-Fletcher-Goldfarb-Shanno (L-BFGS) 
Hessian-Free CG (Martens) 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Probabilistic Max Pooling 
Contents 
1 Deep Learning 
2 Restricted Boltzmann Machine 
3 Deep Belief Network 
4 Convolutional RBM 
Definition 
Training 
Probabilistic Max Pooling 
5 Convolutional DBN 
6 Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Probabilistic Max Pooling 
Definition 
Convolutional RBM 
Motivation: Translation-invariance 
Scaling to full-size images 
Variant of RBM, concepts remain the same 
NV xNV binary visible units 
K groups of hidden units 
NKxNK binary hidden units per group 
Each group has a NWxNW filter (NW , NV − NH + 1) 
A bias bk for each hidden group 
A single bias c for all visible units 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Probabilistic Max Pooling 
Definition (Cont.d) 
Binary units: 
p(hk 
j = 1|v) = (bk + (W~ k v v)j ) 
p(vi = 1|h) = (c + 
KX 
k 
(Wk f hk )i) 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Probabilistic Max Pooling 
Training 
Contrastive Divergence 
Gradients computations are done with convolutions 
Same refinements can be used (weight decay, momentum, ...) 
CRBM is highly overcomplete 
Sparse learning is very important 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Probabilistic Max Pooling 
Probabilistic Max Pooling 
Shrink the representation by a constant factor C 
Allows higher-level to be invariant to small translations 
Reduces computational effort 
Generative version of standard Max Pooling 
Pooling layer with K groups of pooling units 
Each group has NPxNP units 
NP , NH/C 
Each hidden block  (CxC) is connected to exactly one 
pooling unit 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Training 
Probabilistic Max Pooling 
Definition (Cont.d) 
Binary units: 
p(vi = 1|h) = (c + 
KX 
k 
(Wk f hk )i) 
I(hk 
j ) , bk + (W~ k v v)j 
p(hk 
j = 1|v) = 
exp(I(hk 
i )) 
1 + 
P 
j02
exp(I(hk 
i0)) 
p(pk 
= 0|v) = 
1 
1 + 
P 
j02
exp(I(hk 
i0)) 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Contents 
1 Deep Learning 
2 Restricted Boltzmann Machine 
3 Deep Belief Network 
4 Convolutional RBM 
5 Convolutional DBN 
6 Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Definition 
Stack of Convolutional RBM 
With or without Probabilistic 
Max Pooling 
Each RBM takes input from 
previous layer output 
Each layer forms a higher-level 
representation of the data 
Number of hidden units in each 
layer can be tuned 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Feature Learning 
Source: Honglak Lee 
Each layer learns a different 
abstraction of features 
1 Stroke 
2 Parts of faces 
3 Faces 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Implementation 
Conclusion 
Contents 
1 Deep Learning 
2 Restricted Boltzmann Machine 
3 Deep Belief Network 
4 Convolutional RBM 
5 Convolutional DBN 
6 Conclusion 
Implementation 
Conclusion 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Implementation 
Conclusion 
Implementation 
Deep Learning Library (DLL) 
https://github.com/wichtounet/dll 
RBM 
Binary, Gaussian, Softmax, ReLU units 
CD and PCD 
Momentum, Weight Decay, Sparsity Target 
Convolutional RBM 
Standard version 
Probabilistic Max Pooling 
Various units 
CD and PCD 
Momentum, Weight Decay, Sparsity Target 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
Deep Learning 
Restricted Boltzmann Machine 
Deep Belief Network 
Convolutional RBM 
Convolutional DBN 
Conclusion 
Implementation 
Conclusion 
Implementation 
DBN 
Pretraining with RBM 
Fine-tuning with Conjugate Gradient 
Fine-tuning with Stochastic Gradient Descent 
Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning

More Related Content

What's hot

Deep belief networks for spam filtering
Deep belief networks for spam filteringDeep belief networks for spam filtering
Deep belief networks for spam filteringSOYEON KIM
 
Multilayer & Back propagation algorithm
Multilayer & Back propagation algorithmMultilayer & Back propagation algorithm
Multilayer & Back propagation algorithmswapnac12
 
Review-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningReview-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningTrong-An Bui
 
Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)SungminYou
 
Introduction to Applied Machine Learning
Introduction to Applied Machine LearningIntroduction to Applied Machine Learning
Introduction to Applied Machine LearningSheilaJimenezMorejon
 
Chapter 09 class advanced
Chapter 09 class advancedChapter 09 class advanced
Chapter 09 class advancedHouw Liong The
 
Lecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural NetworksLecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural NetworksSang Jun Lee
 
Acoustic modeling using deep belief networks
Acoustic modeling using deep belief networksAcoustic modeling using deep belief networks
Acoustic modeling using deep belief networksYueshen Xu
 
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...csandit
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetSungminYou
 
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...IOSR Journals
 
lecture07.ppt
lecture07.pptlecture07.ppt
lecture07.pptbutest
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applicationsSungjoon Choi
 
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...Tahmid Abtahi
 
P03 neural networks cvpr2012 deep learning methods for vision
P03 neural networks cvpr2012 deep learning methods for visionP03 neural networks cvpr2012 deep learning methods for vision
P03 neural networks cvpr2012 deep learning methods for visionzukun
 

What's hot (20)

Deep belief networks for spam filtering
Deep belief networks for spam filteringDeep belief networks for spam filtering
Deep belief networks for spam filtering
 
Multilayer & Back propagation algorithm
Multilayer & Back propagation algorithmMultilayer & Back propagation algorithm
Multilayer & Back propagation algorithm
 
Deep Learning
Deep Learning Deep Learning
Deep Learning
 
Review-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningReview-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learning
 
Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)
 
Introduction to Applied Machine Learning
Introduction to Applied Machine LearningIntroduction to Applied Machine Learning
Introduction to Applied Machine Learning
 
Chapter 09 class advanced
Chapter 09 class advancedChapter 09 class advanced
Chapter 09 class advanced
 
Lecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural NetworksLecture 7: Recurrent Neural Networks
Lecture 7: Recurrent Neural Networks
 
Acoustic modeling using deep belief networks
Acoustic modeling using deep belief networksAcoustic modeling using deep belief networks
Acoustic modeling using deep belief networks
 
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
Objective Evaluation of a Deep Neural Network Approach for Single-Channel Spe...
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNet
 
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
Using Multi-layered Feed-forward Neural Network (MLFNN) Architecture as Bidir...
 
Ann
Ann Ann
Ann
 
deep CNN vs conventional ML
deep CNN vs conventional MLdeep CNN vs conventional ML
deep CNN vs conventional ML
 
09 classadvanced
09 classadvanced09 classadvanced
09 classadvanced
 
lecture07.ppt
lecture07.pptlecture07.ppt
lecture07.ppt
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applications
 
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
 
Neural networks
Neural networksNeural networks
Neural networks
 
P03 neural networks cvpr2012 deep learning methods for vision
P03 neural networks cvpr2012 deep learning methods for visionP03 neural networks cvpr2012 deep learning methods for vision
P03 neural networks cvpr2012 deep learning methods for vision
 

Viewers also liked

Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceLukas Masuch
 
Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through ExamplesSri Ambati
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
Deep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word EmbeddingsDeep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word EmbeddingsRoelof Pieters
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Introduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep LearningIntroduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep LearningTerry Taewoong Um
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsBuhwan Jeong
 
Deep Learning Computer Build
Deep Learning Computer BuildDeep Learning Computer Build
Deep Learning Computer BuildPetteriTeikariPhD
 
Passive stereo vision with deep learning
Passive stereo vision with deep learningPassive stereo vision with deep learning
Passive stereo vision with deep learningYu Huang
 
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
Python for Image Understanding: Deep Learning with Convolutional Neural NetsPython for Image Understanding: Deep Learning with Convolutional Neural Nets
Python for Image Understanding: Deep Learning with Convolutional Neural NetsRoelof Pieters
 
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
 
Data Science - Part XVII - Deep Learning & Image Processing
Data Science - Part XVII - Deep Learning & Image ProcessingData Science - Part XVII - Deep Learning & Image Processing
Data Science - Part XVII - Deep Learning & Image ProcessingDerek Kane
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networksSi Haem
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learningPoo Kuan Hoong
 
Ravi ubana presentation on cloud
Ravi ubana presentation on cloudRavi ubana presentation on cloud
Ravi ubana presentation on cloudRavi Ubana
 
Intalio|Cloud Presentation
Intalio|Cloud PresentationIntalio|Cloud Presentation
Intalio|Cloud Presentationintalio_bpm
 
Howest presentation "Cloud computing"
Howest presentation "Cloud computing"Howest presentation "Cloud computing"
Howest presentation "Cloud computing"Philippe Creytens
 
CENDOO & ai one SemTech presentation
CENDOO & ai one SemTech presentationCENDOO & ai one SemTech presentation
CENDOO & ai one SemTech presentationCENDOO AG
 
Deep learning review
Deep learning reviewDeep learning review
Deep learning reviewManas Gaur
 

Viewers also liked (20)

Deep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial IntelligenceDeep Learning - The Past, Present and Future of Artificial Intelligence
Deep Learning - The Past, Present and Future of Artificial Intelligence
 
Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through Examples
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Deep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word EmbeddingsDeep Learning for NLP: An Introduction to Neural Word Embeddings
Deep Learning for NLP: An Introduction to Neural Word Embeddings
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Introduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep LearningIntroduction to Machine Learning and Deep Learning
Introduction to Machine Learning and Deep Learning
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applications
 
Deep Learning Computer Build
Deep Learning Computer BuildDeep Learning Computer Build
Deep Learning Computer Build
 
Passive stereo vision with deep learning
Passive stereo vision with deep learningPassive stereo vision with deep learning
Passive stereo vision with deep learning
 
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
Python for Image Understanding: Deep Learning with Convolutional Neural NetsPython for Image Understanding: Deep Learning with Convolutional Neural Nets
Python for Image Understanding: Deep Learning with Convolutional Neural Nets
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Data Science - Part XVII - Deep Learning & Image Processing
Data Science - Part XVII - Deep Learning & Image ProcessingData Science - Part XVII - Deep Learning & Image Processing
Data Science - Part XVII - Deep Learning & Image Processing
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
Ravi ubana presentation on cloud
Ravi ubana presentation on cloudRavi ubana presentation on cloud
Ravi ubana presentation on cloud
 
Intalio|Cloud Presentation
Intalio|Cloud PresentationIntalio|Cloud Presentation
Intalio|Cloud Presentation
 
Howest presentation "Cloud computing"
Howest presentation "Cloud computing"Howest presentation "Cloud computing"
Howest presentation "Cloud computing"
 
CENDOO & ai one SemTech presentation
CENDOO & ai one SemTech presentationCENDOO & ai one SemTech presentation
CENDOO & ai one SemTech presentation
 
Deep learning review
Deep learning reviewDeep learning review
Deep learning review
 

Similar to Deep learning presentation

Deep Beleif Networks
Deep Beleif NetworksDeep Beleif Networks
Deep Beleif NetworksDeepak Singh
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Edureka!
 
Introduction to un supervised learning
Introduction to un supervised learningIntroduction to un supervised learning
Introduction to un supervised learningRishikesh .
 
Machine Learning Based Botnet Detection
Machine Learning Based Botnet DetectionMachine Learning Based Botnet Detection
Machine Learning Based Botnet Detectionbutest
 
Information Retrieval with Deep Learning
Information Retrieval with Deep LearningInformation Retrieval with Deep Learning
Information Retrieval with Deep LearningAdam Gibson
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsShunta Saito
 
A Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionA Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionIJCSIS Research Publications
 
Regulation Analysis using Restricted Boltzmann Machines
Regulation Analysis using Restricted Boltzmann MachinesRegulation Analysis using Restricted Boltzmann Machines
Regulation Analysis using Restricted Boltzmann MachinesPatrick Michl
 
Wilczynski_BNFinder_BOSC2009
Wilczynski_BNFinder_BOSC2009Wilczynski_BNFinder_BOSC2009
Wilczynski_BNFinder_BOSC2009bosc
 
Fundamental of deep learning
Fundamental of deep learningFundamental of deep learning
Fundamental of deep learningStanley Wang
 
2010 deep learning and unsupervised feature learning
2010 deep learning and unsupervised feature learning2010 deep learning and unsupervised feature learning
2010 deep learning and unsupervised feature learningVan Thanh
 
Georgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4JGeorgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4JJosh Patterson
 
Boltzmann Machines in Deep learning and machine learning also used for traini...
Boltzmann Machines in Deep learning and machine learning also used for traini...Boltzmann Machines in Deep learning and machine learning also used for traini...
Boltzmann Machines in Deep learning and machine learning also used for traini...venkatasaisumanth74
 
Alberto Massidda - Images and words: mechanics of automated captioning with n...
Alberto Massidda - Images and words: mechanics of automated captioning with n...Alberto Massidda - Images and words: mechanics of automated captioning with n...
Alberto Massidda - Images and words: mechanics of automated captioning with n...Codemotion
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearningEyad Alshami
 
ECCV2010: feature learning for image classification, part 4
ECCV2010: feature learning for image classification, part 4ECCV2010: feature learning for image classification, part 4
ECCV2010: feature learning for image classification, part 4zukun
 

Similar to Deep learning presentation (17)

Deep Beleif Networks
Deep Beleif NetworksDeep Beleif Networks
Deep Beleif Networks
 
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
Restricted Boltzmann Machine | Neural Network Tutorial | Deep Learning Tutori...
 
Introduction to un supervised learning
Introduction to un supervised learningIntroduction to un supervised learning
Introduction to un supervised learning
 
Machine Learning Based Botnet Detection
Machine Learning Based Botnet DetectionMachine Learning Based Botnet Detection
Machine Learning Based Botnet Detection
 
Information Retrieval with Deep Learning
Information Retrieval with Deep LearningInformation Retrieval with Deep Learning
Information Retrieval with Deep Learning
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methods
 
A Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware DetectionA Survey of Deep Learning Algorithms for Malware Detection
A Survey of Deep Learning Algorithms for Malware Detection
 
Regulation Analysis using Restricted Boltzmann Machines
Regulation Analysis using Restricted Boltzmann MachinesRegulation Analysis using Restricted Boltzmann Machines
Regulation Analysis using Restricted Boltzmann Machines
 
Wilczynski_BNFinder_BOSC2009
Wilczynski_BNFinder_BOSC2009Wilczynski_BNFinder_BOSC2009
Wilczynski_BNFinder_BOSC2009
 
Fundamental of deep learning
Fundamental of deep learningFundamental of deep learning
Fundamental of deep learning
 
2010 deep learning and unsupervised feature learning
2010 deep learning and unsupervised feature learning2010 deep learning and unsupervised feature learning
2010 deep learning and unsupervised feature learning
 
Georgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4JGeorgia Tech cse6242 - Intro to Deep Learning and DL4J
Georgia Tech cse6242 - Intro to Deep Learning and DL4J
 
Boltzmann Machines in Deep learning and machine learning also used for traini...
Boltzmann Machines in Deep learning and machine learning also used for traini...Boltzmann Machines in Deep learning and machine learning also used for traini...
Boltzmann Machines in Deep learning and machine learning also used for traini...
 
Alberto Massidda - Images and words: mechanics of automated captioning with n...
Alberto Massidda - Images and words: mechanics of automated captioning with n...Alberto Massidda - Images and words: mechanics of automated captioning with n...
Alberto Massidda - Images and words: mechanics of automated captioning with n...
 
convolutional_rbm.ppt
convolutional_rbm.pptconvolutional_rbm.ppt
convolutional_rbm.ppt
 
introduction to deeplearning
introduction to deeplearningintroduction to deeplearning
introduction to deeplearning
 
ECCV2010: feature learning for image classification, part 4
ECCV2010: feature learning for image classification, part 4ECCV2010: feature learning for image classification, part 4
ECCV2010: feature learning for image classification, part 4
 

Recently uploaded

Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfAlex Barbosa Coqueiro
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024Lonnie McRorey
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii SoldatenkoFwdays
 
What is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfWhat is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfMounikaPolabathina
 
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptxMerck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptxLoriGlavin3
 
DSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningDSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningLars Bell
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebUiPathCommunity
 
unit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptxunit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptxBkGupta21
 
How to write a Business Continuity Plan
How to write a Business Continuity PlanHow to write a Business Continuity Plan
How to write a Business Continuity PlanDatabarracks
 
Gen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfGen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfAddepto
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenHervé Boutemy
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionDilum Bandara
 
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptxThe Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptxLoriGlavin3
 
The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxLoriGlavin3
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersRaghuram Pandurangan
 
"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr BaganFwdays
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfLoriGlavin3
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxLoriGlavin3
 

Recently uploaded (20)

Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdf
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024
 
"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko"Debugging python applications inside k8s environment", Andrii Soldatenko
"Debugging python applications inside k8s environment", Andrii Soldatenko
 
What is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdfWhat is DBT - The Ultimate Data Build Tool.pdf
What is DBT - The Ultimate Data Build Tool.pdf
 
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptxMerck Moving Beyond Passwords: FIDO Paris Seminar.pptx
Merck Moving Beyond Passwords: FIDO Paris Seminar.pptx
 
DSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine TuningDSPy a system for AI to Write Prompts and Do Fine Tuning
DSPy a system for AI to Write Prompts and Do Fine Tuning
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
Dev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio WebDev Dives: Streamline document processing with UiPath Studio Web
Dev Dives: Streamline document processing with UiPath Studio Web
 
unit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptxunit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptx
 
How to write a Business Continuity Plan
How to write a Business Continuity PlanHow to write a Business Continuity Plan
How to write a Business Continuity Plan
 
Gen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfGen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdf
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache Maven
 
Advanced Computer Architecture – An Introduction
Advanced Computer Architecture – An IntroductionAdvanced Computer Architecture – An Introduction
Advanced Computer Architecture – An Introduction
 
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptxThe Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
The Fit for Passkeys for Employee and Consumer Sign-ins: FIDO Paris Seminar.pptx
 
The State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptxThe State of Passkeys with FIDO Alliance.pptx
The State of Passkeys with FIDO Alliance.pptx
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information Developers
 
"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan"ML in Production",Oleksandr Bagan
"ML in Production",Oleksandr Bagan
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdf
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
 

Deep learning presentation

  • 1. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Deep Learning Baptiste Wicht baptiste.wicht@gmail.com September 12, 2014 Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 2. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Table of Contents 1 Deep Learning 2 Restricted Boltzmann Machine 3 Deep Belief Network 4 Convolutional RBM 5 Convolutional DBN 6 Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 3. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Contents 1 Deep Learning Definition History Usages Difficulties 2 Restricted Boltzmann Machine 3 Deep Belief Network 4 Convolutional RBM 5 Convolutional DBN 6 Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 4. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Definition Deep Learning (Wikipedia) Deep learning is a set of algorithms in machine learning that attempt to model high-level abstractions in data by using model architectures composed of multiple non-linear transformations Deep Learning (deeplearning.net) Deep Learning is a new area of Machine Learning research, which has been introduced with the objective of moving Machine Learning closer to one of its original goals: Artificial Intelligence. Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 5. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Definition (cont.d) Goal: Imitate the nature Set of algorithms Generally structures with multiple layers Often unsupervised feature learning Time-consuming training Sometimes large amount of data Generally complex data New name for an old thing hot topic Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 6. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties History 1960: Neural networks 1985: Multilayer Perceptrons 1986: Restricted Boltzmann Machine 1995: Support Vector Machine 2006: Hinton presents the Deep Belief Network (DBN) New interests in deep learning and RBM State of the art MNIST 2009: Deep Recurrent Neural Network 2010: Convolutional DBN 2011: Max-Pooling CDBN Many competitions won and state of the art results Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 7. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Names Geoffrey Hinton Andrew Y. Ng Yoshua Bengio Honglak Lee Yann LeCun ... Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 8. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Algorithms Deep Neural Networks Deep Belief Networks Convolutional Deep Belief Networks Deep SVM Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 9. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Usages Text recognition Facial Expression Recognition Object Recognition Audio classification Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 10. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition History Usages Difficulties Difficulties Large number of free variables Few insights on how to set them Complex to implement Large variations between papers Lot of refinements were proposed Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 11. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Contents 1 Deep Learning 2 Restricted Boltzmann Machine Definition Training Units Variants 3 Deep Belief Network 4 Convolutional RBM 5 Convolutional DBN 6 Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 12. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Definition Restricted Boltzmann Machine Function: Learn a probability distribution over the input Generative stochastic neural network Visible and hidden neurons Neurons form a bipartite graph V visible units and visible biases H hidden units and hidden biases VxH weights Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 13. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Definition (Cont.d) Binary units (Bernoulli RBM) p(hj = 1|v) = (cj + mX i viwi,j ) p(vi = 1|h) = (bi + nX j hjwi,j ) Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 14. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Example Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 15. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Example Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 16. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Example Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 17. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Example Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 18. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Example Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 19. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Usages Unsupervised feature learning Classification with other techniques (linear classifier, SVM, ...) Limited to one layer of abstraction Stacking for higher-level models and classification Deep Belief Network Deep Boltzmann Machines Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 20. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Training Objective: Maximizing the log-likelihood Intractable Other methods have been developed: Markov Chain Monte Carlo (MCMC) (Too slow) Contrastive Divergence (CD) (Hinton) Persistent CD Mean-Field CD (mf-CD) Parallel Tempering Annealed Importance Sampling Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 21. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Contrastive Divergence For each data point 1 Compute gradients g between t = k and t = k − 1 2 Add g to the weights and the biases Repeat for several epochs Experiments have shown that CD1 (k = 1) works well Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 22. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Contrastive Divergence When to stop training ? 1 Proxies to log-likelihood: Reconstruction error Pseudo-likelihood (PCD) 2 Visual inspection of the filters Training is relatively fast Can be trained on GPU Hard to compare two RBMs Hard to test an implementation correctly Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 23. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Contrastive Divergence Options Mini-batch training Momentum Weight decay Sparsity Target ... Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 24. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Units RBM Was initially developed with binary units Different types of units can be used: Gaussian visible units for real-value inputs Softmax hidden unit for classification (last layer) Rectified Linear Unit (ReLU) units for hidden/visible Can be capped Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 25. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Units Variants Variants Convolutional RBM (see later) mean-covariance RBM (mcRBM) Sparse RBM (SRBM) Third-Order RBM Spike And Slab RBM Nonnegative RBM ... Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 26. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Contents 1 Deep Learning 2 Restricted Boltzmann Machine 3 Deep Belief Network Definition Training 4 Convolutional RBM 5 Convolutional DBN 6 Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 27. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Definition Deep Belief Network Generative graphical model Type of Deep Neural Network Multiple layer of hidden units Stack of RBMs Can be implemented with other autoencoders Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 28. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Definition (Cont.d) Each RBM takes input from previous layer output Each layer forms a higher-level representation of the data Number of hidden units in each layer can be tuned Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 29. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Training 1 Train each layer, from bottom to top, with Contrastive Divergence (Unsupervised) 2 Then treat the DBN as a MLP 3 If necessary, fine-tune the last layer for classification (Supervised) Back propagation nonlinear Conjugate Gradient method Limited Memory Broyden-Fletcher-Goldfarb-Shanno (L-BFGS) Hessian-Free CG (Martens) Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 30. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Probabilistic Max Pooling Contents 1 Deep Learning 2 Restricted Boltzmann Machine 3 Deep Belief Network 4 Convolutional RBM Definition Training Probabilistic Max Pooling 5 Convolutional DBN 6 Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 31. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Probabilistic Max Pooling Definition Convolutional RBM Motivation: Translation-invariance Scaling to full-size images Variant of RBM, concepts remain the same NV xNV binary visible units K groups of hidden units NKxNK binary hidden units per group Each group has a NWxNW filter (NW , NV − NH + 1) A bias bk for each hidden group A single bias c for all visible units Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 32. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Probabilistic Max Pooling Definition (Cont.d) Binary units: p(hk j = 1|v) = (bk + (W~ k v v)j ) p(vi = 1|h) = (c + KX k (Wk f hk )i) Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 33. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Probabilistic Max Pooling Training Contrastive Divergence Gradients computations are done with convolutions Same refinements can be used (weight decay, momentum, ...) CRBM is highly overcomplete Sparse learning is very important Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 34. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Probabilistic Max Pooling Probabilistic Max Pooling Shrink the representation by a constant factor C Allows higher-level to be invariant to small translations Reduces computational effort Generative version of standard Max Pooling Pooling layer with K groups of pooling units Each group has NPxNP units NP , NH/C Each hidden block (CxC) is connected to exactly one pooling unit Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 35. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Training Probabilistic Max Pooling Definition (Cont.d) Binary units: p(vi = 1|h) = (c + KX k (Wk f hk )i) I(hk j ) , bk + (W~ k v v)j p(hk j = 1|v) = exp(I(hk i )) 1 + P j02
  • 36. exp(I(hk i0)) p(pk = 0|v) = 1 1 + P j02
  • 37. exp(I(hk i0)) Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 38. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Contents 1 Deep Learning 2 Restricted Boltzmann Machine 3 Deep Belief Network 4 Convolutional RBM 5 Convolutional DBN 6 Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 39. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Definition Stack of Convolutional RBM With or without Probabilistic Max Pooling Each RBM takes input from previous layer output Each layer forms a higher-level representation of the data Number of hidden units in each layer can be tuned Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 40. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Feature Learning Source: Honglak Lee Each layer learns a different abstraction of features 1 Stroke 2 Parts of faces 3 Faces Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 41. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Implementation Conclusion Contents 1 Deep Learning 2 Restricted Boltzmann Machine 3 Deep Belief Network 4 Convolutional RBM 5 Convolutional DBN 6 Conclusion Implementation Conclusion Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 42. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Implementation Conclusion Implementation Deep Learning Library (DLL) https://github.com/wichtounet/dll RBM Binary, Gaussian, Softmax, ReLU units CD and PCD Momentum, Weight Decay, Sparsity Target Convolutional RBM Standard version Probabilistic Max Pooling Various units CD and PCD Momentum, Weight Decay, Sparsity Target Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 43. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Implementation Conclusion Implementation DBN Pretraining with RBM Fine-tuning with Conjugate Gradient Fine-tuning with Stochastic Gradient Descent Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 44. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Implementation Conclusion Future Work Use CDBN for text detection Convolutional DBN SVM classification layer for DBN Refinements New training methods for RBM/DBN Reduce compute time Maxout, Dropout Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning
  • 45. Deep Learning Restricted Boltzmann Machine Deep Belief Network Convolutional RBM Convolutional DBN Conclusion Implementation Conclusion Conclusion Deep Learning solutions are very powerful State of the art in several problems , Still room for improvement , Still young solutions (hype) , However They are complex to implement / Free variables need to be configured with care / Results from paper are hard to reproduce / Heavy to train / Baptiste Wichtbaptiste.wicht@gmail.com Deep Learning