SlideShare uma empresa Scribd logo
1 de 33
Baixar para ler offline
Introduc)on	
  to	
  Deep	
  Learning	
  
Massimiliano	
  Ruocco	
  
Outline
•  Introduction and Motivation for DL
•  From NN to Deep Learning
•  Deep Learning Models
•  Deep Learning in the Real World
•  Conclusion
Introduction and
Motivation for DL	
  
Introduction
Deep Learning - WHAT
Class of ML training algorithm
Introduction
Deep Learning - Motivations
•  ML Algorithms:
–  Supervised
–  Unsupervised
–  Semi-supervised
–  Reinforcement Learning
•  ML Algorithms: unsupervised learning
Data	
  
Representa)on	
  
Input	
   Clustering	
   Output	
  
Example (Marketing/Customer segmentation):
•  Input : Customers of a specific product
•  Output: Customer subgroups
Introduction
Deep Learning - Motivations
•  ML Algorithms: supervised learning
Data	
  
Representa)on	
  
Input	
   Classifica)on/	
  
Regression	
  
Output	
  
Training	
  
Labeled	
  	
  
DataSet	
  
Data	
  
Representa)on	
  
Example (spam detection):
•  Input : Email
•  Output: Spam/NotSpam
•  Training Set: Data set of mail labeled as Spam/Not Spam
Introduction
Deep Learning in ML and AI
•  ML Algorithms: supervised learning
Data	
  
Representa)on	
  
Input	
   Classifica)on/	
  
Regression	
  
Output	
  
Training	
  
Labeled	
  	
  
DataSet	
  
Data	
  
Representa)on	
  
Example (spam detection):
•  Input : Email
•  Output: Spam/NotSpam
•  Training Set: Data set of mail labeled as Spam/Not Spam
Introduction
Deep Learning – Representation Problem
•  Data Representation:
–  feature set selection
–  #features
•  Main Issues:
–  Course of dimensionality
–  Overfitting
–  Handcrafted features
•  How to tackle: Representation Learning
Introduction
Deep Learning – Representation Problem
•  Deep learning methods:
–  Representations are expressed in terms of
other, simpler representations
Introduction
Deep Learning - WHAT
•  Deep Learning algorithm as application of Machine
Learning to Artificial intelligence
Ar#ficial	
  Intelligence	
  	
  
(i.e.	
  knowledge	
  bases)	
  
Machine	
  Learning	
  	
  
(i.e.	
  Support	
  Vector	
  Machine)	
  
Representa#on	
  Learning	
  	
  
(i.e.	
  Autoencoders)	
  
Deep	
  Learning	
  	
  
(i.e.	
  Mul=layer	
  Perceptron)	
  
Introduction
Deep Learning in ML and AI
From Neural Network to
Deep Learning	
  
•  Neural Network: Basic
–  Different layers of neurons/perceptrons
–  Human brain analysis
–  Input, Hidden Layer, Output
•  Neural Network: Applications
–  Classification (Spam Detection)
–  Pattern Recognition (Character recognition)
Introduction
From Neural Network to Deep Learning
•  The core: Neuron
Introduction
From Neural Network to Deep Learning
W1	
  
W2	
  
W3	
  
x1	
  
x2	
  
xn	
  
Sigmoid	
  func)on	
  
1/(1+e-­‐z)	
  
Output	
  hw(x)	
  	
  
x	
  =	
  [x0…xn]T	
  	
  
w	
  =	
  [w0…wn]T	
  	
  
z	
  =	
  wTx	
  
•  Neural Network – Single layer
Introduction
From Neural Network to Deep Learning
•  Forward Propagation:
–  process of computing the output
Introduction
From Neural Network to Deep Learning
x1	
  
x2	
  
x3	
  
a1
2	
  
a2
2	
  
W(1)	
  
W(2)	
  
a(2)	
  z(2)	
  
z(3)	
  
X	
  
z(2)	
  =	
  XW(1)	
  
a(2)	
  =	
  f(z(2))	
  	
  
z(3)	
  =	
  a(2)W(2)	
  
y	
  =	
  f(z(3))	
  	
  
•  Training a Neural Network:
–  Learning the parameters (weights)
•  Supervised
•  Unsupervised
•  Reinforcement Learning
•  Employing a Neural Network:
–  Selecting the Architecture
–  # Layers
–  # Units per layer
–  Kind of learning algorithm
Introduction
From Neural Network to Deep Learning
•  Training a Neural Network:
–  Backward Propagation
•  Gradient descent
•  Objective: Minimize the cost function J
Introduction
From Neural Network to Deep Learning
x1	
  
x2	
  
x3	
  
a1
2	
  
a2
2	
  
W(1)	
  
W(2)	
  
a(2)	
  z(2)	
  
z(3)	
  
X	
  
•  DNN à Typically artificial neural netwok
with 3 or more levels of non-linear
operations
Introduction
From Neural Network to Deep Learning
•  Using Back propagation for Deep NN
–  Does not scale
–  Bad performance for random initialization
–  Local Optima
–  Vanishing gradient problem
Introduction
Issues in Training DNN
Introduction
The Breakthrough
2006*+	
  
Backward	
  Propaga#on	
   Greedy-­‐layer	
  wise	
  training	
  +	
  	
  
Supervised	
  fine	
  tuning	
  
* Hinton et al. A fast learning algorithm for deep belief nets.
Neural Computation, 18:1527–1554, 2006
+ Ranzato et al. Efficient learning of sparse representations with an energy-based model.
Advances in Neural Information Processing Systems 19 (NIPS’06),
•  Deep learning methods:
–  Class of ML algorithm
–  Use cascade of many levels of non linear
processing units for feature extraction
–  Hierarchy of concepts
–  Multiple-layered model
–  NN with high number of hidden layers
–  NEW LEARNING ALGORITHM Overcoming previous
training problems
Introduction
Deep Learning - Summary
Deep	
  Learning	
  Models	
  
Deep Learning Models
Introduction
•  Two main classes:
–  Generative
•  Deep Network for supervised Learning
–  Discriminative
•  Deep Network for unsupervised learning
–  Hybrid
Deep Learning Models
Generative – Deep Belief Network
•  Generative graphic model
•  Mix directed and undirected between vars
•  Learn to reconstruct the input
Deep Learning Models
Generative – Deep Belief Network
•  Training algorithm
–  Iteratively apply RBM training to each pair of
layers
Deep Learning Models
Discriminative – Convolutional NN
•  CNN in Computer Vision: Image Recognition
–  Feed-forward multilayer network
–  Kind of back propagation for learning
–  Receptive fields
–  Learn suitable representation of the image
Deep Learning Models
Discriminative – Convolutional NN
•  CNN in Computer Vision: Image Recognition
–  Key concepts:
•  Max pooling
•  Sparse Connectivity
•  Convolution
Deep	
  Learning	
  in	
  the	
  Real	
  World	
  
•  NLP
•  Image Classification/Computer Vision
•  Speech Recognition
Introduction
Deep Learning – Application Field
•  [Google] 2013
acquired DNNresearch of professor Geoff
Hinton to improve the state of the art in
image recognition in photos
•  [Facebook] 2013
hired deep learning expert Yann to head up
the company’s new artificial intelligence lab
specialized in deep learning for computer
vision and image recognition
•  [Pinterest] 2014
announced it has acquired Visual Graph
•  [Google + Baidu]:
20G13 - Deep Learning Visual Search Engine
Deep Learning in the Real World
Facts
•  [Baidu] 2013:
Deep Learning Visual Search Engine
•  [Google] 2013
Photo Search Engine
•  [Microsoft] 2013
Search by voice on Xbox console
•  [Google] 2014
word2vec for word tagging or text messaging
suggestion
Deep Learning in the Real World
Products
Thanks	
  for	
  the	
  aUen)on	
  

Mais conteúdo relacionado

Mais procurados

What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...Simplilearn
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?NVIDIA
 
The Deep Learning Glossary
The Deep Learning GlossaryThe Deep Learning Glossary
The Deep Learning GlossaryNVIDIA
 
Introduction of Deep Learning
Introduction of Deep LearningIntroduction of Deep Learning
Introduction of Deep LearningMyungjin Lee
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learningleopauly
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsBuhwan Jeong
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Muhammad Haroon
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural NetworksAniket Maurya
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognitionYUNG-KUEI CHEN
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNNAshray Bhandare
 

Mais procurados (20)

Deep Learning
Deep LearningDeep Learning
Deep Learning
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Deep learning
Deep learningDeep learning
Deep learning
 
Introduction to Deep Learning
Introduction to Deep Learning Introduction to Deep Learning
Introduction to Deep Learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
1.Introduction to deep learning
1.Introduction to deep learning1.Introduction to deep learning
1.Introduction to deep learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?
 
The Deep Learning Glossary
The Deep Learning GlossaryThe Deep Learning Glossary
The Deep Learning Glossary
 
Introduction of Deep Learning
Introduction of Deep LearningIntroduction of Deep Learning
Introduction of Deep Learning
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
Deep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applicationsDeep learning - Conceptual understanding and applications
Deep learning - Conceptual understanding and applications
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
Deep Learning With Neural Networks
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognition
 
Deep Learning - CNN and RNN
Deep Learning - CNN and RNNDeep Learning - CNN and RNN
Deep Learning - CNN and RNN
 

Destaque

Deep learning at nmc devin jones
Deep learning at nmc devin jones Deep learning at nmc devin jones
Deep learning at nmc devin jones Ido Shilon
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningDavid Rostcheck
 
Deep Learning Computer Build
Deep Learning Computer BuildDeep Learning Computer Build
Deep Learning Computer BuildPetteriTeikariPhD
 
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...Universitat Politècnica de Catalunya
 
Portable Retinal Imaging and Medical Diagnostics
Portable Retinal Imaging and Medical DiagnosticsPortable Retinal Imaging and Medical Diagnostics
Portable Retinal Imaging and Medical DiagnosticsPetteriTeikariPhD
 
Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through ExamplesSri Ambati
 
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
 

Destaque (9)

Deep learning at nmc devin jones
Deep learning at nmc devin jones Deep learning at nmc devin jones
Deep learning at nmc devin jones
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep Learning for Computer Vision: Unsupervised Learning (UPC 2016)
Deep Learning for Computer Vision: Unsupervised Learning (UPC 2016)Deep Learning for Computer Vision: Unsupervised Learning (UPC 2016)
Deep Learning for Computer Vision: Unsupervised Learning (UPC 2016)
 
Deep Learning Computer Build
Deep Learning Computer BuildDeep Learning Computer Build
Deep Learning Computer Build
 
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
Deep Learning for Computer Vision: Transfer Learning and Domain Adaptation (U...
 
Geometric Deep Learning
Geometric Deep Learning Geometric Deep Learning
Geometric Deep Learning
 
Portable Retinal Imaging and Medical Diagnostics
Portable Retinal Imaging and Medical DiagnosticsPortable Retinal Imaging and Medical Diagnostics
Portable Retinal Imaging and Medical Diagnostics
 
Deep Learning through Examples
Deep Learning through ExamplesDeep Learning through Examples
Deep Learning through Examples
 
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
 

Semelhante a Introduction to Deep learning

Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsClarence Chio
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningVishwas Lele
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101Felipe Prado
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningAmr Rashed
 
Talk@rmit 09112017
Talk@rmit 09112017Talk@rmit 09112017
Talk@rmit 09112017Shuai Zhang
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspectiveAnirban Santara
 
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and TensorflowArtificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and TensorflowJen Stirrup
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Vandana Kannan
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Apache MXNet
 
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 MabialaSpark Summit
 
Introduction to computer vision
Introduction to computer visionIntroduction to computer vision
Introduction to computer visionMarcin Jedyk
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksMarcinJedyk
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesTuri, Inc.
 
Introduction to Neural Network
Introduction to Neural NetworkIntroduction to Neural Network
Introduction to Neural NetworkYan Xu
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakPyData
 
Machine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspectiveMachine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspectiveMarijn van Zelst
 
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...Codemotion
 

Semelhante a Introduction to Deep learning (20)

Machine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning Systems
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Talk@rmit 09112017
Talk@rmit 09112017Talk@rmit 09112017
Talk@rmit 09112017
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
 
Deep learning - a primer
Deep learning - a primerDeep learning - a primer
Deep learning - a primer
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and TensorflowArtificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
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
 
Introduction to computer vision
Introduction to computer visionIntroduction to computer vision
Introduction to computer vision
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural Networks
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
 
Introduction to Neural Network
Introduction to Neural NetworkIntroduction to Neural Network
Introduction to Neural Network
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
Machine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspectiveMachine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspective
 
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
 

Último

Isotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on IoIsotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on IoSérgio Sacani
 
VIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PVIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PPRINCE C P
 
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...Lokesh Kothari
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)Areesha Ahmad
 
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...anilsa9823
 
Hubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroidsHubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroidsSérgio Sacani
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)Areesha Ahmad
 
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencySheetal Arora
 
Chromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATINChromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATINsankalpkumarsahoo174
 
Zoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdfZoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdfSumit Kumar yadav
 
Natural Polymer Based Nanomaterials
Natural Polymer Based NanomaterialsNatural Polymer Based Nanomaterials
Natural Polymer Based NanomaterialsAArockiyaNisha
 
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPirithiRaju
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​kaibalyasahoo82800
 
Presentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptxPresentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptxgindu3009
 
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPirithiRaju
 
Biological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfBiological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfmuntazimhurra
 
STERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCE
STERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCESTERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCE
STERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCEPRINCE C P
 
Biopesticide (2).pptx .This slides helps to know the different types of biop...
Biopesticide (2).pptx  .This slides helps to know the different types of biop...Biopesticide (2).pptx  .This slides helps to know the different types of biop...
Biopesticide (2).pptx .This slides helps to know the different types of biop...RohitNehra6
 
GFP in rDNA Technology (Biotechnology).pptx
GFP in rDNA Technology (Biotechnology).pptxGFP in rDNA Technology (Biotechnology).pptx
GFP in rDNA Technology (Biotechnology).pptxAleenaTreesaSaji
 
Animal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxAnimal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxUmerFayaz5
 

Último (20)

Isotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on IoIsotopic evidence of long-lived volcanism on Io
Isotopic evidence of long-lived volcanism on Io
 
VIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C PVIRUSES structure and classification ppt by Dr.Prince C P
VIRUSES structure and classification ppt by Dr.Prince C P
 
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
Labelling Requirements and Label Claims for Dietary Supplements and Recommend...
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)
 
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
Lucknow 💋 Russian Call Girls Lucknow Finest Escorts Service 8923113531 Availa...
 
Hubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroidsHubble Asteroid Hunter III. Physical properties of newly found asteroids
Hubble Asteroid Hunter III. Physical properties of newly found asteroids
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)
 
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls AgencyHire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
Hire 💕 9907093804 Hooghly Call Girls Service Call Girls Agency
 
Chromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATINChromatin Structure | EUCHROMATIN | HETEROCHROMATIN
Chromatin Structure | EUCHROMATIN | HETEROCHROMATIN
 
Zoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdfZoology 4th semester series (krishna).pdf
Zoology 4th semester series (krishna).pdf
 
Natural Polymer Based Nanomaterials
Natural Polymer Based NanomaterialsNatural Polymer Based Nanomaterials
Natural Polymer Based Nanomaterials
 
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​
 
Presentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptxPresentation Vikram Lander by Vedansh Gupta.pptx
Presentation Vikram Lander by Vedansh Gupta.pptx
 
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdfPests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
Pests of cotton_Borer_Pests_Binomics_Dr.UPR.pdf
 
Biological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfBiological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdf
 
STERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCE
STERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCESTERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCE
STERILITY TESTING OF PHARMACEUTICALS ppt by DR.C.P.PRINCE
 
Biopesticide (2).pptx .This slides helps to know the different types of biop...
Biopesticide (2).pptx  .This slides helps to know the different types of biop...Biopesticide (2).pptx  .This slides helps to know the different types of biop...
Biopesticide (2).pptx .This slides helps to know the different types of biop...
 
GFP in rDNA Technology (Biotechnology).pptx
GFP in rDNA Technology (Biotechnology).pptxGFP in rDNA Technology (Biotechnology).pptx
GFP in rDNA Technology (Biotechnology).pptx
 
Animal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptxAnimal Communication- Auditory and Visual.pptx
Animal Communication- Auditory and Visual.pptx
 

Introduction to Deep learning

  • 1. Introduc)on  to  Deep  Learning   Massimiliano  Ruocco  
  • 2. Outline •  Introduction and Motivation for DL •  From NN to Deep Learning •  Deep Learning Models •  Deep Learning in the Real World •  Conclusion
  • 4. Introduction Deep Learning - WHAT Class of ML training algorithm
  • 5. Introduction Deep Learning - Motivations •  ML Algorithms: –  Supervised –  Unsupervised –  Semi-supervised –  Reinforcement Learning
  • 6. •  ML Algorithms: unsupervised learning Data   Representa)on   Input   Clustering   Output   Example (Marketing/Customer segmentation): •  Input : Customers of a specific product •  Output: Customer subgroups Introduction Deep Learning - Motivations
  • 7. •  ML Algorithms: supervised learning Data   Representa)on   Input   Classifica)on/   Regression   Output   Training   Labeled     DataSet   Data   Representa)on   Example (spam detection): •  Input : Email •  Output: Spam/NotSpam •  Training Set: Data set of mail labeled as Spam/Not Spam Introduction Deep Learning in ML and AI
  • 8. •  ML Algorithms: supervised learning Data   Representa)on   Input   Classifica)on/   Regression   Output   Training   Labeled     DataSet   Data   Representa)on   Example (spam detection): •  Input : Email •  Output: Spam/NotSpam •  Training Set: Data set of mail labeled as Spam/Not Spam Introduction Deep Learning – Representation Problem
  • 9. •  Data Representation: –  feature set selection –  #features •  Main Issues: –  Course of dimensionality –  Overfitting –  Handcrafted features •  How to tackle: Representation Learning Introduction Deep Learning – Representation Problem
  • 10. •  Deep learning methods: –  Representations are expressed in terms of other, simpler representations Introduction Deep Learning - WHAT
  • 11. •  Deep Learning algorithm as application of Machine Learning to Artificial intelligence Ar#ficial  Intelligence     (i.e.  knowledge  bases)   Machine  Learning     (i.e.  Support  Vector  Machine)   Representa#on  Learning     (i.e.  Autoencoders)   Deep  Learning     (i.e.  Mul=layer  Perceptron)   Introduction Deep Learning in ML and AI
  • 12. From Neural Network to Deep Learning  
  • 13. •  Neural Network: Basic –  Different layers of neurons/perceptrons –  Human brain analysis –  Input, Hidden Layer, Output •  Neural Network: Applications –  Classification (Spam Detection) –  Pattern Recognition (Character recognition) Introduction From Neural Network to Deep Learning
  • 14. •  The core: Neuron Introduction From Neural Network to Deep Learning W1   W2   W3   x1   x2   xn   Sigmoid  func)on   1/(1+e-­‐z)   Output  hw(x)     x  =  [x0…xn]T     w  =  [w0…wn]T     z  =  wTx  
  • 15. •  Neural Network – Single layer Introduction From Neural Network to Deep Learning
  • 16. •  Forward Propagation: –  process of computing the output Introduction From Neural Network to Deep Learning x1   x2   x3   a1 2   a2 2   W(1)   W(2)   a(2)  z(2)   z(3)   X   z(2)  =  XW(1)   a(2)  =  f(z(2))     z(3)  =  a(2)W(2)   y  =  f(z(3))    
  • 17. •  Training a Neural Network: –  Learning the parameters (weights) •  Supervised •  Unsupervised •  Reinforcement Learning •  Employing a Neural Network: –  Selecting the Architecture –  # Layers –  # Units per layer –  Kind of learning algorithm Introduction From Neural Network to Deep Learning
  • 18. •  Training a Neural Network: –  Backward Propagation •  Gradient descent •  Objective: Minimize the cost function J Introduction From Neural Network to Deep Learning x1   x2   x3   a1 2   a2 2   W(1)   W(2)   a(2)  z(2)   z(3)   X  
  • 19. •  DNN à Typically artificial neural netwok with 3 or more levels of non-linear operations Introduction From Neural Network to Deep Learning
  • 20. •  Using Back propagation for Deep NN –  Does not scale –  Bad performance for random initialization –  Local Optima –  Vanishing gradient problem Introduction Issues in Training DNN
  • 21. Introduction The Breakthrough 2006*+   Backward  Propaga#on   Greedy-­‐layer  wise  training  +     Supervised  fine  tuning   * Hinton et al. A fast learning algorithm for deep belief nets. Neural Computation, 18:1527–1554, 2006 + Ranzato et al. Efficient learning of sparse representations with an energy-based model. Advances in Neural Information Processing Systems 19 (NIPS’06),
  • 22. •  Deep learning methods: –  Class of ML algorithm –  Use cascade of many levels of non linear processing units for feature extraction –  Hierarchy of concepts –  Multiple-layered model –  NN with high number of hidden layers –  NEW LEARNING ALGORITHM Overcoming previous training problems Introduction Deep Learning - Summary
  • 24. Deep Learning Models Introduction •  Two main classes: –  Generative •  Deep Network for supervised Learning –  Discriminative •  Deep Network for unsupervised learning –  Hybrid
  • 25. Deep Learning Models Generative – Deep Belief Network •  Generative graphic model •  Mix directed and undirected between vars •  Learn to reconstruct the input
  • 26. Deep Learning Models Generative – Deep Belief Network •  Training algorithm –  Iteratively apply RBM training to each pair of layers
  • 27. Deep Learning Models Discriminative – Convolutional NN •  CNN in Computer Vision: Image Recognition –  Feed-forward multilayer network –  Kind of back propagation for learning –  Receptive fields –  Learn suitable representation of the image
  • 28. Deep Learning Models Discriminative – Convolutional NN •  CNN in Computer Vision: Image Recognition –  Key concepts: •  Max pooling •  Sparse Connectivity •  Convolution
  • 29. Deep  Learning  in  the  Real  World  
  • 30. •  NLP •  Image Classification/Computer Vision •  Speech Recognition Introduction Deep Learning – Application Field
  • 31. •  [Google] 2013 acquired DNNresearch of professor Geoff Hinton to improve the state of the art in image recognition in photos •  [Facebook] 2013 hired deep learning expert Yann to head up the company’s new artificial intelligence lab specialized in deep learning for computer vision and image recognition •  [Pinterest] 2014 announced it has acquired Visual Graph •  [Google + Baidu]: 20G13 - Deep Learning Visual Search Engine Deep Learning in the Real World Facts
  • 32. •  [Baidu] 2013: Deep Learning Visual Search Engine •  [Google] 2013 Photo Search Engine •  [Microsoft] 2013 Search by voice on Xbox console •  [Google] 2014 word2vec for word tagging or text messaging suggestion Deep Learning in the Real World Products
  • 33. Thanks  for  the  aUen)on