Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                
SlideShare a Scribd company logo
Deep Learning
Conceptual Understanding & Application Variants
ben.hur@daumkakao.com
The aim of this slide is at conceptual understanding of deep learning, rather than
implementing it for practical applications. That is, this is more for paper readers, less for
system developers.

Note that, some variables are not uniquely defined nor consistently used for convenience.
Also, variable/constant and vector/matrix are not clearly distinct.

More importantly, some descriptions may be incorrect due to lack of my ability.
Deep Learning (DL)
is, in concise,
a deep and wide neural network.
That is half-true.
Deep Learning is difficult
because of
lack of understanding
about
— artificial neural network (ANN)
— unfamiliar applications.
DL
— ANN
— Signal transmission between neurons
— Graphical model (Belief network)
— Linear regression / logistic regression
— Weight, bias & activation
— (Feed-forward) Multi-layer perceptron (MLP)
— Optimization
— Back-propagation
— (Stochastic) Gradient-decent
DL
— Applications
— Speech recognition (Audio)
— Natural language processing (Text)
— Information retrieval (Text)
— Image recognition (Vision)
— & yours (+)
Artificial Neural Network (ANN)
ANN is a nested ensemble of [logistic] regressions.
Perceptron & Message Passing
http://en.wikipedia.org/wiki/Neuron
5 5
y = x
Message passing
y = Σ x
y = Σ wx
y = Σ wx + b
Linear regression
y = sigm(Σwx + b)
Logistic regression
Σwx?Σwx
Activation function
— Linear g(a) = a
— Sigmoid g(a) = sigm(a) = 1 / (1 + exp(-a))
— Tanh g(a) = tanh(a) = (exp(a) - exp(-a)) / (exp(a) + exp(-a))
— Rectified linear g(a) = reclin(a) = max(0, a)
— Step
— Gaussian
— Softmax, usually for the output layer
Bias controls activation.
y = ax
b
y = ax + b
Multi-Layer Perceptron (MLP)
Linearly non-separable by a single perceptron
Input layer
Hidden layer
Output layer
http://info.usherbrooke.ca/hlarochelle/
neural_networks/content.html
Interconnecting weight
Bias
Activation function
http://info.usherbrooke.ca/hlarochelle/
neural_networks/content.html
Back-Propagation & Optimization
{x, y} h=a(wx+b) y'=a2(w2h+b2)
l = y - y'w2 & b2w & b
w2
R & b2
RwR & bR
y'
Back-propagation
{x, y}
—> feed-forward

<— back-propagation
Reinforced through epoch
ANN is a reinforcement learning.
Local minimum Plateaus
http://info.usherbrooke.ca/hlarochelle/
neural_networks/content.html
Stochastic Gradient Descent
The slide excludes details. 

See reference tutorial for that.
ANN is a good approximator of any functions,
if well-designed and trained.
Deep Learning
DL (DNN) is a deep and wide neural network.
many (2+) hidden layers
many input/hidden nodes
DEEP
WIDE
Large matrix
Many matrix
Image from googling
Brain image from Simon Thorpe

Other from googling
Many large connection matrices (W)
— Computational burden (GPU)
— Insufficient labeled data (Big Data)
— Under-fitting (Optimization)
— Over-fitting (Regularization)
Unsupervised makes DL success.
Unsupervised pre-training
— Initialize W matrices in an unsupervised manner
— Restricted Boltzmann Machine (RBM)
— Auto-encoder
— Pre-train in a layer-wise (stacking) fashion
— Fine-tune in a supervised manner
Unsupervised representation learning
— Construct a feature space
— DBM / DBN
— Auto-encoder
— Sparse coding
— Feed new features to a shallow ANN as input
cf, PCA + regression
Deep learning - Conceptual understanding and applications
visible
hidden
Restricted Boltzmann Machine (RBM)
Boltzmann Machine Example
visible
hidden
Auto-encoder
x
x'
W
WT
encoder
decoder
if k <= n (single & linear), then AE becomes PCA.
otherwise, AE can be arbitrary (over-complete).
Hidden & Output layers plays the role of semantic
feature space in general

- compresses & latent feature (under-complete)

- expanded & primitive feature (over-complete)
Denoising auto-encoder
x
x'
nois(x)
Contractive auto-encoder
Regularized auto-encoder
Same as Ridge (or similar to Lasso) Regression
Hinton and Salakhutdinov, Science, 2006
Deep auto-encoder
(k > n, over-complete)
Sparse coding
X
Y
RBM3
RBM2
RBM1
Stacking

Training in the order of RBM1, RBM2, RBM3, …
Representation
Learning
Artificial
Neural Network+
- Sparse coding
- Auto-encoder
- DBN / DBM
Stochastic Dropout Training
for preventing over-fitting
http://info.usherbrooke.ca/hlarochelle/
neural_networks/content.html
Deep Architecture
Deep architecture is an ensemble of shallow networks.
Key Deep Architectures
— Deep Neural Network (DNN)
— Deep Belief Network (DBN)
— Deep Boltzmann Machine (DBM)
— Recurrent Neural Network (RNN)
— Convolution Neural Network (CNN)
— Multi-modal/multi-tasking
— Deep Stacking Network (DSN)
Applications
Applications
— Speech recognition
— Natural language processing
— Image recognition
— Information retrieval
Application Characteristic

- Non-numeric data

- Large dimension (curse of dimensionality)
Natural language processing
— Word embedding
— Language modeling
— Machine translation
— Part-of-speech (POS) tagging
— Named entity recognition
— Sentiment analysis
— Paraphrase detection
— …
Deep-structured semantic modeling (DSSM)
BM25(Q, D) vs Corr(sim(Q, D), CTR)
DBN & DBM
Recurrent Neural Network (RNN)
Recurrent Neural Network (RNN)
http://nlp.stanford.edu/courses/NAACL2013/
NAACL2013-Socher-Manning-DeepLearning.pdf
Recursive Neural Network
Convolution Neural Network (CNN)
C-DSSM
CBOW & Skip-gram (Word2Vec)
Deep Stacking Network (DSN)
Tensor Deep Stacking Network (TDSN)
Multi-modal / Mulit-tasking
Google Picture to Text
Content-based Spotify Recommendation
In various applications,
Deep Learning provides either
— better performance than state-of-the-art
— similar performance with less labor
Remarks
Deep Personalization
with Rich Profile in a Vector Representation
- Versatile / flexible input

- Dimension reduction

- Same feature space

==> Similarity computation
RNN for CF
http://erikbern.com/?p=589
Hard work
— Application-specific configuration
— Network structure
— Objective and loss function
— Parameter optimization
Deep learning - Conceptual understanding and applications
Yann LeCun —> Facebook
Geoffrey Hinton —> Google
Andrew Ng —> Baidu
Joshua Benjio —> U of Montreal
References
Tutorial
— http://info.usherbrooke.ca/hlarochelle/neural_networks/content.html
— http://deeplearning.stanford.edu/tutorial
Paper
— Deep learning: Method and Applications (Deng & Yu, 2013)
— Representation learning: A review and new perspective (Benjio et al., 2014)
— Learning deep architecture for AI (Benjio, 2009)
Slide & Video
— http://www.cs.toronto.edu/~fleet/courses/cifarSchool09/slidesBengio.pdf
— http://nlp.stanford.edu/courses/NAACL2013
Book
— Deep learning (Benjio et al. 2015) http://www.iro.umontreal.ca/~bengioy/dlbook/
Open Sources (from wikipedia)
— Torch (Lua) https://github.com/torch/torch7
— Theano (Python) https://github.com/Theano/Theano/
— Deeplearning4j (word2vec for Java) https://github.com/SkymindIO/deeplearning4j
— ND4J (Java) http://nd4j.org https://github.com/SkymindIO/nd4j
— DeepLearn Toolbox (matlab) https://github.com/rasmusbergpalm/DeepLearnToolbox/
graphs/contributors
— convnetjs (javascript) https://github.com/karpathy/convnetjs
— Gensim (word2vec for Python) https://github.com/piskvorky/gensim
— Caffe (image) http://caffe.berkeleyvision.org
— More+++
FBI WARNING
Some reference citations are missed.
Many of them come from the first tutorial and the
first paper, and others from googling.
All rights of those images captured, albeit not explicitly
cited, are reserved to original authors.
Free to share, but cautious of that.
Left to Blank

More Related Content

What's hot

Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
MojammilHusain
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
leopauly
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
Yan Xu
 
Resnet
ResnetResnet
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Universitat Politècnica de Catalunya
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
Richard Kuo
 
Tutorial on Deep Learning
Tutorial on Deep LearningTutorial on Deep Learning
Tutorial on Deep Learning
inside-BigData.com
 
hopfield neural network
hopfield neural networkhopfield neural network
hopfield neural network
Abhishikha Sinha
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
Ashray Bhandare
 
Introduction to pattern recognition
Introduction to pattern recognitionIntroduction to pattern recognition
Introduction to pattern recognition
Luís Gustavo Martins
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
Dean Wyatte
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
Shuai Zhang
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
Kasun Chinthaka Piyarathna
 
AlexNet.pptx
AlexNet.pptxAlexNet.pptx
AlexNet.pptx
SushilKulkarniDr
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
Owin Will
 
[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo
JaeJun Yoo
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Oleg Mygryn
 
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
Edge AI and Vision Alliance
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Universitat Politècnica de Catalunya
 

What's hot (20)

Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Resnet
ResnetResnet
Resnet
 
Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)Deep Learning for Computer Vision: Attention Models (UPC 2016)
Deep Learning for Computer Vision: Attention Models (UPC 2016)
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Tutorial on Deep Learning
Tutorial on Deep LearningTutorial on Deep Learning
Tutorial on Deep Learning
 
hopfield neural network
hopfield neural networkhopfield neural network
hopfield neural network
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
 
Introduction to pattern recognition
Introduction to pattern recognitionIntroduction to pattern recognition
Introduction to pattern recognition
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
AlexNet.pptx
AlexNet.pptxAlexNet.pptx
AlexNet.pptx
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo[PR12] Inception and Xception - Jaejun Yoo
[PR12] Inception and Xception - Jaejun Yoo
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
“Introduction to DNN Model Compression Techniques,” a Presentation from Xailient
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
 

Viewers also liked

Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through Examples
Sri Ambati
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
Si Haem
 
Bắt đầu nghiên cứu Big Data
Bắt đầu nghiên cứu Big DataBắt đầu nghiên cứu Big Data
Bắt đầu nghiên cứu Big Data
Hong Ong
 
Bắt đầu học data science
Bắt đầu học data scienceBắt đầu học data science
Bắt đầu học data science
Hong Ong
 
Machine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.pptMachine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.ppt
butest
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender Systems
Benjamin Le
 
Deep Learning Models for Question Answering
Deep Learning Models for Question AnsweringDeep Learning Models for Question Answering
Deep Learning Models for Question Answering
Sujit Pal
 
Intro to Deep Learning for Question Answering
Intro to Deep Learning for Question AnsweringIntro to Deep Learning for Question Answering
Intro to Deep Learning for Question Answering
Traian Rebedea
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
Lukas Masuch
 
word2vec, LDA, and introducing a new hybrid algorithm: lda2vec
word2vec, LDA, and introducing a new hybrid algorithm: lda2vecword2vec, LDA, and introducing a new hybrid algorithm: lda2vec
word2vec, LDA, and introducing a new hybrid algorithm: lda2vec
👋 Christopher Moody
 
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Andrew Gardner
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
Sujit Pal
 
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
Roelof Pieters
 
Transform your Business with AI, Deep Learning and Machine Learning
Transform your Business with AI, Deep Learning and Machine LearningTransform your Business with AI, Deep Learning and Machine Learning
Transform your Business with AI, Deep Learning and Machine Learning
Sri Ambati
 
II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...
II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...
II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...
Dr. Haxel Consult
 

Viewers also liked (15)

Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through Examples
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Bắt đầu nghiên cứu Big Data
Bắt đầu nghiên cứu Big DataBắt đầu nghiên cứu Big Data
Bắt đầu nghiên cứu Big Data
 
Bắt đầu học data science
Bắt đầu học data scienceBắt đầu học data science
Bắt đầu học data science
 
Machine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.pptMachine Learning Applications in NLP.ppt
Machine Learning Applications in NLP.ppt
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender Systems
 
Deep Learning Models for Question Answering
Deep Learning Models for Question AnsweringDeep Learning Models for Question Answering
Deep Learning Models for Question Answering
 
Intro to Deep Learning for Question Answering
Intro to Deep Learning for Question AnsweringIntro to Deep Learning for Question Answering
Intro to Deep Learning for Question Answering
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
word2vec, LDA, and introducing a new hybrid algorithm: lda2vec
word2vec, LDA, and introducing a new hybrid algorithm: lda2vecword2vec, LDA, and introducing a new hybrid algorithm: lda2vec
word2vec, LDA, and introducing a new hybrid algorithm: lda2vec
 
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and 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
 
Transform your Business with AI, Deep Learning and Machine Learning
Transform your Business with AI, Deep Learning and Machine LearningTransform your Business with AI, Deep Learning and Machine Learning
Transform your Business with AI, Deep Learning and Machine Learning
 
II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...
II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...
II-PIC 2017: Artificial Intelligence, Machine Learning, And Deep Neural Netwo...
 

Similar to Deep learning - Conceptual understanding and applications

deeplearning
deeplearningdeeplearning
deeplearning
huda2018
 
Introduction to parallel iterative deep learning on hadoop’s next​ generation...
Introduction to parallel iterative deep learning on hadoop’s next​ generation...Introduction to parallel iterative deep learning on hadoop’s next​ generation...
Introduction to parallel iterative deep learning on hadoop’s next​ generation...
Anh Le
 
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
Vijay Srinivas Agneeswaran, Ph.D
 
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
Josh Patterson
 
Deep Learning and Watson Studio
Deep Learning and Watson StudioDeep Learning and Watson Studio
Deep Learning and Watson Studio
Sasha Lazarevic
 
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
Lukas Masuch
 
Week3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptxWeek3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptx
fahmi324663
 
DEEP LEARNING (UNIT 2 ) by surbhi saroha
DEEP LEARNING (UNIT 2 ) by surbhi sarohaDEEP LEARNING (UNIT 2 ) by surbhi saroha
DEEP LEARNING (UNIT 2 ) by surbhi saroha
SURBHI SAROHA
 
Sjug #26 ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Sjug #26   ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23Sjug #26   ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Sjug #26 ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Tomasz Sikora
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Spark Summit
 
Deep learning fundamentals workshop
Deep learning fundamentals workshopDeep learning fundamentals workshop
Deep learning fundamentals workshop
Satnam Singh
 
Building distributed deep learning engine
Building distributed deep learning engineBuilding distributed deep learning engine
Building distributed deep learning engine
Guangdeng Liao
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
Subrat Panda, PhD
 
deepnet-lourentzou.ppt
deepnet-lourentzou.pptdeepnet-lourentzou.ppt
deepnet-lourentzou.ppt
yang947066
 
Deep learning is a subset of machine learning and AI
Deep learning is a subset of machine learning and AIDeep learning is a subset of machine learning and AI
Deep learning is a subset of machine learning and AI
leradiophysicien1
 
Overview of Deep Learning and its advantage
Overview of Deep Learning and its advantageOverview of Deep Learning and its advantage
Overview of Deep Learning and its advantage
aqib296675
 
Introduction to Deep Learning presentation
Introduction to Deep Learning presentationIntroduction to Deep Learning presentation
Introduction to Deep Learning presentation
johanericka2
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
Poo Kuan Hoong
 
Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)
hyunsung lee
 
IBM Deep Learning Overview
IBM Deep Learning OverviewIBM Deep Learning Overview
IBM Deep Learning Overview
David Solomon
 

Similar to Deep learning - Conceptual understanding and applications (20)

deeplearning
deeplearningdeeplearning
deeplearning
 
Introduction to parallel iterative deep learning on hadoop’s next​ generation...
Introduction to parallel iterative deep learning on hadoop’s next​ generation...Introduction to parallel iterative deep learning on hadoop’s next​ generation...
Introduction to parallel iterative deep learning on hadoop’s next​ generation...
 
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
 
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
 
Deep Learning and Watson Studio
Deep Learning and Watson StudioDeep Learning and Watson Studio
Deep Learning and Watson Studio
 
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
 
Week3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptxWeek3-Deep Neural Network (DNN).pptx
Week3-Deep Neural Network (DNN).pptx
 
DEEP LEARNING (UNIT 2 ) by surbhi saroha
DEEP LEARNING (UNIT 2 ) by surbhi sarohaDEEP LEARNING (UNIT 2 ) by surbhi saroha
DEEP LEARNING (UNIT 2 ) by surbhi saroha
 
Sjug #26 ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Sjug #26   ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23Sjug #26   ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
Sjug #26 ml is in java but is dl too - ver1.04 - tomasz sikora 2018-03-23
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
 
Deep learning fundamentals workshop
Deep learning fundamentals workshopDeep learning fundamentals workshop
Deep learning fundamentals workshop
 
Building distributed deep learning engine
Building distributed deep learning engineBuilding distributed deep learning engine
Building distributed deep learning engine
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
deepnet-lourentzou.ppt
deepnet-lourentzou.pptdeepnet-lourentzou.ppt
deepnet-lourentzou.ppt
 
Deep learning is a subset of machine learning and AI
Deep learning is a subset of machine learning and AIDeep learning is a subset of machine learning and AI
Deep learning is a subset of machine learning and AI
 
Overview of Deep Learning and its advantage
Overview of Deep Learning and its advantageOverview of Deep Learning and its advantage
Overview of Deep Learning and its advantage
 
Introduction to Deep Learning presentation
Introduction to Deep Learning presentationIntroduction to Deep Learning presentation
Introduction to Deep Learning presentation
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
 
Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)Deep learning based recommender systems (lab seminar paper review)
Deep learning based recommender systems (lab seminar paper review)
 
IBM Deep Learning Overview
IBM Deep Learning OverviewIBM Deep Learning Overview
IBM Deep Learning Overview
 

More from Buhwan Jeong

Life of a data scientist (pub)
Life of a data scientist (pub)Life of a data scientist (pub)
Life of a data scientist (pub)
Buhwan Jeong
 
Recommendation for dummy
Recommendation for dummyRecommendation for dummy
Recommendation for dummy
Buhwan Jeong
 
포스트 테일러 시대에 살아남기
포스트 테일러 시대에 살아남기포스트 테일러 시대에 살아남기
포스트 테일러 시대에 살아남기
Buhwan Jeong
 
Unexperienced pasts
Unexperienced pastsUnexperienced pasts
Unexperienced pasts
Buhwan Jeong
 
Minority Report about Search Experience & Keyword Management
Minority Report about Search Experience & Keyword ManagementMinority Report about Search Experience & Keyword Management
Minority Report about Search Experience & Keyword Management
Buhwan Jeong
 
DDC2011 - Association
DDC2011 - AssociationDDC2011 - Association
DDC2011 - Association
Buhwan Jeong
 
Internet Trends (C*), Search & Social
Internet Trends (C*), Search & SocialInternet Trends (C*), Search & Social
Internet Trends (C*), Search & Social
Buhwan Jeong
 

More from Buhwan Jeong (7)

Life of a data scientist (pub)
Life of a data scientist (pub)Life of a data scientist (pub)
Life of a data scientist (pub)
 
Recommendation for dummy
Recommendation for dummyRecommendation for dummy
Recommendation for dummy
 
포스트 테일러 시대에 살아남기
포스트 테일러 시대에 살아남기포스트 테일러 시대에 살아남기
포스트 테일러 시대에 살아남기
 
Unexperienced pasts
Unexperienced pastsUnexperienced pasts
Unexperienced pasts
 
Minority Report about Search Experience & Keyword Management
Minority Report about Search Experience & Keyword ManagementMinority Report about Search Experience & Keyword Management
Minority Report about Search Experience & Keyword Management
 
DDC2011 - Association
DDC2011 - AssociationDDC2011 - Association
DDC2011 - Association
 
Internet Trends (C*), Search & Social
Internet Trends (C*), Search & SocialInternet Trends (C*), Search & Social
Internet Trends (C*), Search & Social
 

Recently uploaded

一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理
一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理
一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理
da42ki0
 
ICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptx
ICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptxICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptx
ICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptx
Godwin Emmanuel Oyedokun MBA MSc PhD FCA FCTI FCNA CFE FFAR
 
SAMPLE PRODUCT RESEARCH PR - strikingly.pptx
SAMPLE PRODUCT RESEARCH PR - strikingly.pptxSAMPLE PRODUCT RESEARCH PR - strikingly.pptx
SAMPLE PRODUCT RESEARCH PR - strikingly.pptx
wojakmodern
 
Systane Global education training centre
Systane Global education training centreSystane Global education training centre
Systane Global education training centre
AkhinaRomdoni
 
Graph Machine Learning - Past, Present, and Future -
Graph Machine Learning - Past, Present, and Future -Graph Machine Learning - Past, Present, and Future -
Graph Machine Learning - Past, Present, and Future -
kashipong
 
一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理
一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理
一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理
da42ki0
 
Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...
Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...
Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...
femim26318
 
Parcel Delivery - Intel Segmentation and Last Mile Opt.pptx
Parcel Delivery - Intel Segmentation and Last Mile Opt.pptxParcel Delivery - Intel Segmentation and Last Mile Opt.pptx
Parcel Delivery - Intel Segmentation and Last Mile Opt.pptx
AltanAtabarut
 
emotional interface - dehligame satta for you
emotional interface  -  dehligame satta for youemotional interface  -  dehligame satta for you
emotional interface - dehligame satta for you
bkldehligame1
 
393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf
393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf
393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf
Ladislau5
 
Vrinda store data analysis project using Excel
Vrinda store data analysis project using ExcelVrinda store data analysis project using Excel
Vrinda store data analysis project using Excel
SantuJana12
 
Selcuk Topal Arbitrum Scientific Report.pdf
Selcuk Topal Arbitrum Scientific Report.pdfSelcuk Topal Arbitrum Scientific Report.pdf
Selcuk Topal Arbitrum Scientific Report.pdf
SelcukTOPAL2
 
Data management and excel appication.pptx
Data management and excel appication.pptxData management and excel appication.pptx
Data management and excel appication.pptx
OlabodeSamuel3
 
Audits Of Complaints Against the PPD Report_2022.pdf
Audits Of Complaints Against the PPD Report_2022.pdfAudits Of Complaints Against the PPD Report_2022.pdf
Audits Of Complaints Against the PPD Report_2022.pdf
evwcarr
 
Toward a National Research Platform to Enable Data-Intensive Computing
Toward a National Research Platform to Enable Data-Intensive ComputingToward a National Research Platform to Enable Data-Intensive Computing
Toward a National Research Platform to Enable Data-Intensive Computing
Larry Smarr
 
Module-4_Docker_Training Course outline_
Module-4_Docker_Training Course outline_Module-4_Docker_Training Course outline_
Module-4_Docker_Training Course outline_
AmanTiwari297384
 
BGTUG Meeting Q3 2024 - Get Ready for Summer
BGTUG Meeting Q3 2024 - Get Ready for SummerBGTUG Meeting Q3 2024 - Get Ready for Summer
BGTUG Meeting Q3 2024 - Get Ready for Summer
Stanislava Tropcheva
 
Data Analytics for Decision Making By District 11 Solutions
Data Analytics for Decision Making By District 11 SolutionsData Analytics for Decision Making By District 11 Solutions
Data Analytics for Decision Making By District 11 Solutions
District 11 Solutions
 
Hadoop Vs Snowflake Blog PDF Submission.pptx
Hadoop Vs Snowflake Blog PDF Submission.pptxHadoop Vs Snowflake Blog PDF Submission.pptx
Hadoop Vs Snowflake Blog PDF Submission.pptx
dewsharon760
 
chapter one 1 cloudcomputing .pptx someone
chapter one 1 cloudcomputing .pptx someonechapter one 1 cloudcomputing .pptx someone
chapter one 1 cloudcomputing .pptx someone
abeeeeeeeer588
 

Recently uploaded (20)

一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理
一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理
一比一原版(sfu毕业证书)加拿大西蒙菲莎大学毕业证如何办理
 
ICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptx
ICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptxICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptx
ICAN Canada Decision Making Optimization through Data Mining Prof Oyedokun.pptx
 
SAMPLE PRODUCT RESEARCH PR - strikingly.pptx
SAMPLE PRODUCT RESEARCH PR - strikingly.pptxSAMPLE PRODUCT RESEARCH PR - strikingly.pptx
SAMPLE PRODUCT RESEARCH PR - strikingly.pptx
 
Systane Global education training centre
Systane Global education training centreSystane Global education training centre
Systane Global education training centre
 
Graph Machine Learning - Past, Present, and Future -
Graph Machine Learning - Past, Present, and Future -Graph Machine Learning - Past, Present, and Future -
Graph Machine Learning - Past, Present, and Future -
 
一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理
一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理
一比一原版(macewan毕业证书)加拿大麦科文大学毕业证如何办理
 
Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...
Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...
Cal Girls Mansarovar Jaipur | 08445551418 | Rajni High Profile Girls Call in ...
 
Parcel Delivery - Intel Segmentation and Last Mile Opt.pptx
Parcel Delivery - Intel Segmentation and Last Mile Opt.pptxParcel Delivery - Intel Segmentation and Last Mile Opt.pptx
Parcel Delivery - Intel Segmentation and Last Mile Opt.pptx
 
emotional interface - dehligame satta for you
emotional interface  -  dehligame satta for youemotional interface  -  dehligame satta for you
emotional interface - dehligame satta for you
 
393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf
393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf
393947940-The-Dell-EMC-PowerMax-Family-Overview.pdf
 
Vrinda store data analysis project using Excel
Vrinda store data analysis project using ExcelVrinda store data analysis project using Excel
Vrinda store data analysis project using Excel
 
Selcuk Topal Arbitrum Scientific Report.pdf
Selcuk Topal Arbitrum Scientific Report.pdfSelcuk Topal Arbitrum Scientific Report.pdf
Selcuk Topal Arbitrum Scientific Report.pdf
 
Data management and excel appication.pptx
Data management and excel appication.pptxData management and excel appication.pptx
Data management and excel appication.pptx
 
Audits Of Complaints Against the PPD Report_2022.pdf
Audits Of Complaints Against the PPD Report_2022.pdfAudits Of Complaints Against the PPD Report_2022.pdf
Audits Of Complaints Against the PPD Report_2022.pdf
 
Toward a National Research Platform to Enable Data-Intensive Computing
Toward a National Research Platform to Enable Data-Intensive ComputingToward a National Research Platform to Enable Data-Intensive Computing
Toward a National Research Platform to Enable Data-Intensive Computing
 
Module-4_Docker_Training Course outline_
Module-4_Docker_Training Course outline_Module-4_Docker_Training Course outline_
Module-4_Docker_Training Course outline_
 
BGTUG Meeting Q3 2024 - Get Ready for Summer
BGTUG Meeting Q3 2024 - Get Ready for SummerBGTUG Meeting Q3 2024 - Get Ready for Summer
BGTUG Meeting Q3 2024 - Get Ready for Summer
 
Data Analytics for Decision Making By District 11 Solutions
Data Analytics for Decision Making By District 11 SolutionsData Analytics for Decision Making By District 11 Solutions
Data Analytics for Decision Making By District 11 Solutions
 
Hadoop Vs Snowflake Blog PDF Submission.pptx
Hadoop Vs Snowflake Blog PDF Submission.pptxHadoop Vs Snowflake Blog PDF Submission.pptx
Hadoop Vs Snowflake Blog PDF Submission.pptx
 
chapter one 1 cloudcomputing .pptx someone
chapter one 1 cloudcomputing .pptx someonechapter one 1 cloudcomputing .pptx someone
chapter one 1 cloudcomputing .pptx someone
 

Deep learning - Conceptual understanding and applications