SlideShare a Scribd company logo
Deep Learning
Introduction, Design and Case Studies
Massimiliano Patacchiola, PhD Student in Cognitive Robotics
Centre for Robotics and Neural Systems , Plymouth University
1
Introduction
What is deep Learning?
2
What is Deep Learning?
“Deep Learning is a subfield of machine learning which uses
supervised learning methods to train large artificial neural
networks.”
Machine Learning: discipline based on pattern recognition and
learning theory which explores algorithms that can learn to
make predictions.
Supervised Learning: inferring a function from labeled training
data (examples).
3
Artificial Neural Networks
An Artificial Neural Network (ANN) is a network made by
units (often called neurons) grouped in layers. Most of the
time each unit in a layer is connected with all the units in the
previous layer. Each connection is represented by a real value
which is called weight or parameter.
4
Perceptron
It is the simplest ANN, invented by Frank Rosenblatt in 1957.
It has an input and an output layer and it can learn to
discriminate only linearly separable functions.
http://playground.tensorflow.org/ 5
Multilayer Perceptron
The Multilayer Perceptron add one more layer to the
perceptron. The intermediate layer is called hidden layer. The
additional layer allows the network to solve the XOR
problem.
http://playground.tensorflow.org/ 6
Deep Neural Networks
If the ANN has more than one hidden layer then it is a deep
neural network (DNN). A DNN can model more complex
spaces but is harder to train. Only recently thanks to
Graphical Processing Units (GPUs), large datasets and new
training techniques has been possible to use deep networks.
7
Convolutional Neural Networks
Nowadays the most used deep architecture is the
Convolutional Neural Network (CNN). The CNN take as
input a three-dimensional image matrix which is processed
with kernels and subsampling operations. The training search
for the kernels that give the best prediction.
8
Convolution and Subsampling
Convolution
9
Subsampling
Training: Backpropagation
10
Training a Deep Neural Network is complicated and can require a long time
(days) to get convergence.
The standard approach for training DNN is backpropagation which treat
learning as an optimisation problem. at each epoch the weights are
adjusted in order to obtain an output which is more similar to the target.
Deep Design
How to build a Deep Network?
11
Tools for Deep Learning
12
Tensorflow C++, Python Linux, Mac, Windows (next release)
Keras Python Linux, Mac, Windows
Caffe C++ Linux, Mac, Windows, Android
Theano Python Linux, Mac, Windows
CNTK C++ Linux, Windows
Torch C, lua Linux, Mac, Windows, Android, iOS
Tensorflow
TensorFlow is an open source software library for numerical computation
using data flow graphs.
Nodes in the graph represent mathematical operations, while the graph
edges represent the multidimensional data arrays (tensors) communicated
between them.
It deploys computation to one or more CPUs or GPUs in a desktop, server,
or mobile device with a single API.
Developed by researchers and engineers working on the Google Brain Team.
13
Multilayer Perceptron with Tensorflow
14https://www.kaggle.com/c/digit-recognizer
Convolutional Neural Network with Tensorflow
15https://www.kaggle.com/uciml/iris
Case Studies
How is Deep Learning used?
16
Case Study: Image classification
Given an input image the CNN returns the probability that
the object present in that image belongs to a specific
category.
CIFAR-10 is an established computer-vision dataset used
for object recognition. It is a subset of the 80 million tiny
images dataset and consists of 60,000 32x32 color images
containing one of 10 object classes.
The best results have been achieved using CNNs, in
particular recently a fractional max-pooling method achieved
an accuracy of 96.53%
17
Case Study: Image colorization
18
Case Study: Deep Reinforcement Learning
Reinforcement Learning: Given an environment with a set of states and an
agent, the agent can move from state to state performing an action. Executing an
action in a specific state provides the agent with a reward. Using RL it is possible to
find the policy that maximise the long term reward.
Deep Reinforcement Learning: Developed by Google DeepMind the first artificial
agents to achieve human-level performance across many challenging domains. The
key idea was to use deep neural networks to predict total reward. It achieved
human-level performance in almost half of the 50 games to which it was applied,
far beyond any previous method!
19
Case Study: Head Pose Estimation in the Wild
20“Head Pose Estimation in the Wild Using Convolutional Neural Networks and Adaptive Gradient Methods”
Patacchiola, M., Cangelosi, A., (under review), 2016
We investigated the use of CNNs for head pose estimation. It is
an hard classification task. We used three different CNNs for
estimating separately roll, pitch and yaw. We obtained the
best results ever reported on three datasets.
Case Study: Head Pose Estimation in the Wild
21“Head Pose Estimation in the Wild Using Convolutional Neural Networks and Adaptive Gradient Methods”
Patacchiola, M., Cangelosi, A., (under review), 2016
Deepgaze is a python library for people detection and
tracking which uses Convolutional Neural Networks (CNNs) to
estimate the Focus of Attention (FOA) of users.
The FOA can be approximately estimated finding the head
orientation. This is particularly useful when the eyes are
covered, or when the user is too far from the camera to grab
the eye region with a good resolution.
When the eye region is visible it is possible to estimate the
gaze direction, which is much more informative and can give
a good indication of the FOA.
https://github.com/mpatacchiola/deepgaze
Thank you
Email: massimiliano.patacchiola@plymouth.ac.uk
Github: mpatacchiola
22

More Related Content

PPTX
Introduction to Deep learning
leopauly
 
PDF
Deep learning - A Visual Introduction
Lukas Masuch
 
PPTX
Andrew Ng, Chief Scientist at Baidu
Extract Data Conference
 
PPTX
Deep learning
SauravJaiswal17
 
PDF
Deep learning - what is it and why now?
Natalia Konstantinova
 
PDF
Deep Learning: Application & Opportunity
iTrain
 
PPTX
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
The Hive
 
PDF
From Conventional Machine Learning to Deep Learning and Beyond.pptx
Chun-Hao Chang
 
Introduction to Deep learning
leopauly
 
Deep learning - A Visual Introduction
Lukas Masuch
 
Andrew Ng, Chief Scientist at Baidu
Extract Data Conference
 
Deep learning
SauravJaiswal17
 
Deep learning - what is it and why now?
Natalia Konstantinova
 
Deep Learning: Application & Opportunity
iTrain
 
Deep Visual Understanding from Deep Learning by Prof. Jitendra Malik
The Hive
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
Chun-Hao Chang
 

What's hot (20)

PDF
Intro to Deep Learning for Computer Vision
Christoph Körner
 
PDF
Handwritten Recognition using Deep Learning with R
Poo Kuan Hoong
 
PPTX
Deep Learning Tutorial
Amr Rashed
 
PDF
Neural networks and deep learning
Jörgen Sandig
 
PDF
Deep learning: Cutting through the Myths and Hype
Siby Jose Plathottam
 
PPT
introduction to deep Learning with full detail
sonykhan3
 
PDF
Tutorial on Deep Learning
inside-BigData.com
 
PPTX
Neural networks and deep learning
RADO7900
 
PDF
Deep Learning
Jun Wang
 
PPTX
Introduction to deep learning
Amr Rashed
 
PDF
Deep Learning - Overview of my work II
Mohamed Loey
 
PPTX
Deep learning tutorial 9/2019
Amr Rashed
 
PDF
101: Convolutional Neural Networks
Mad Scientists
 
PDF
Deep learning - Conceptual understanding and applications
Buhwan Jeong
 
PPTX
Deep learning intro
beamandrew
 
PPTX
Deep Learning With Neural Networks
Aniket Maurya
 
PPTX
HML: Historical View and Trends of Deep Learning
Yan Xu
 
PDF
Deep learning frameworks v0.40
Jessica Willis
 
PDF
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Manish Saraswat
 
PDF
Deep Learning Survey
Anthony Parziale
 
Intro to Deep Learning for Computer Vision
Christoph Körner
 
Handwritten Recognition using Deep Learning with R
Poo Kuan Hoong
 
Deep Learning Tutorial
Amr Rashed
 
Neural networks and deep learning
Jörgen Sandig
 
Deep learning: Cutting through the Myths and Hype
Siby Jose Plathottam
 
introduction to deep Learning with full detail
sonykhan3
 
Tutorial on Deep Learning
inside-BigData.com
 
Neural networks and deep learning
RADO7900
 
Deep Learning
Jun Wang
 
Introduction to deep learning
Amr Rashed
 
Deep Learning - Overview of my work II
Mohamed Loey
 
Deep learning tutorial 9/2019
Amr Rashed
 
101: Convolutional Neural Networks
Mad Scientists
 
Deep learning - Conceptual understanding and applications
Buhwan Jeong
 
Deep learning intro
beamandrew
 
Deep Learning With Neural Networks
Aniket Maurya
 
HML: Historical View and Trends of Deep Learning
Yan Xu
 
Deep learning frameworks v0.40
Jessica Willis
 
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Manish Saraswat
 
Deep Learning Survey
Anthony Parziale
 
Ad

Similar to Introduction to Deep learning (20)

PDF
An Introduction to Deep Learning
Poo Kuan Hoong
 
PDF
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
Poo Kuan Hoong
 
PDF
Big Data Malaysia - A Primer on Deep Learning
Poo Kuan Hoong
 
PDF
Introduction to Deep Learning: Concepts, Architectures, and Applications
Amr Rashed
 
PPTX
Deep Learning Jump Start
Michele Toni
 
PDF
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET Journal
 
PDF
DSRLab seminar Introduction to deep learning
Poo Kuan Hoong
 
PPTX
Introduction-to-Deep-Learning about new technologies
sindhibharat567
 
PPTX
Introduction to deep learning
doppenhe
 
PPT
Introduction_to_DEEP_LEARNING.ppt
SwatiMahale4
 
PPTX
Introduction to deep learning
Abhishek Bhandwaldar
 
PPT
Introduction_to_DEEP_LEARNING ppt 101ppt
sathyanarayanakb1
 
PPT
Introduction_to_DEEP_LEARNING.sfsdafsadfsadfsdafsdppt
NaiduSetti
 
PDF
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 
PDF
Introduction-to-Neural-Networks-and-Deep-Learning.pptx.pdf
SamratBanerjee52
 
PPTX
Seminar Presentation on AI Learning.pptx
jsandyal13
 
PPT
DEEP LEARNING PPT aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
RRamya22
 
PDF
MIT Deep Learning Basics: Introduction and Overview by Lex Fridman
Peerasak C.
 
PPTX
Deep Learning Explained
Melanie Swan
 
PPTX
A simple presentation for deep learning.
mahfuzur32785
 
An Introduction to Deep Learning
Poo Kuan Hoong
 
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
Poo Kuan Hoong
 
Big Data Malaysia - A Primer on Deep Learning
Poo Kuan Hoong
 
Introduction to Deep Learning: Concepts, Architectures, and Applications
Amr Rashed
 
Deep Learning Jump Start
Michele Toni
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET Journal
 
DSRLab seminar Introduction to deep learning
Poo Kuan Hoong
 
Introduction-to-Deep-Learning about new technologies
sindhibharat567
 
Introduction to deep learning
doppenhe
 
Introduction_to_DEEP_LEARNING.ppt
SwatiMahale4
 
Introduction to deep learning
Abhishek Bhandwaldar
 
Introduction_to_DEEP_LEARNING ppt 101ppt
sathyanarayanakb1
 
Introduction_to_DEEP_LEARNING.sfsdafsadfsadfsdafsdppt
NaiduSetti
 
Deep Learning - The Past, Present and Future of Artificial Intelligence
Lukas Masuch
 
Introduction-to-Neural-Networks-and-Deep-Learning.pptx.pdf
SamratBanerjee52
 
Seminar Presentation on AI Learning.pptx
jsandyal13
 
DEEP LEARNING PPT aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
RRamya22
 
MIT Deep Learning Basics: Introduction and Overview by Lex Fridman
Peerasak C.
 
Deep Learning Explained
Melanie Swan
 
A simple presentation for deep learning.
mahfuzur32785
 
Ad

Recently uploaded (20)

PPTX
OA presentation.pptx OA presentation.pptx
pateldhruv002338
 
PDF
Get More from Fiori Automation - What’s New, What Works, and What’s Next.pdf
Precisely
 
PDF
Brief History of Internet - Early Days of Internet
sutharharshit158
 
PDF
CIFDAQ's Market Wrap : Bears Back in Control?
CIFDAQ
 
PPTX
IT Runs Better with ThousandEyes AI-driven Assurance
ThousandEyes
 
PDF
Software Development Methodologies in 2025
KodekX
 
PDF
Oracle AI Vector Search- Getting Started and what's new in 2025- AIOUG Yatra ...
Sandesh Rao
 
PDF
The Future of Artificial Intelligence (AI)
Mukul
 
PDF
Using Anchore and DefectDojo to Stand Up Your DevSecOps Function
Anchore
 
PDF
AI-Cloud-Business-Management-Platforms-The-Key-to-Efficiency-Growth.pdf
Artjoker Software Development Company
 
PDF
SparkLabs Primer on Artificial Intelligence 2025
SparkLabs Group
 
PPTX
Simple and concise overview about Quantum computing..pptx
mughal641
 
PDF
Responsible AI and AI Ethics - By Sylvester Ebhonu
Sylvester Ebhonu
 
PDF
Security features in Dell, HP, and Lenovo PC systems: A research-based compar...
Principled Technologies
 
PDF
OFFOFFBOX™ – A New Era for African Film | Startup Presentation
ambaicciwalkerbrian
 
PPTX
The Future of AI & Machine Learning.pptx
pritsen4700
 
PPTX
New ThousandEyes Product Innovations: Cisco Live June 2025
ThousandEyes
 
PDF
NewMind AI Weekly Chronicles - July'25 - Week IV
NewMind AI
 
PDF
A Strategic Analysis of the MVNO Wave in Emerging Markets.pdf
IPLOOK Networks
 
PDF
Structs to JSON: How Go Powers REST APIs
Emily Achieng
 
OA presentation.pptx OA presentation.pptx
pateldhruv002338
 
Get More from Fiori Automation - What’s New, What Works, and What’s Next.pdf
Precisely
 
Brief History of Internet - Early Days of Internet
sutharharshit158
 
CIFDAQ's Market Wrap : Bears Back in Control?
CIFDAQ
 
IT Runs Better with ThousandEyes AI-driven Assurance
ThousandEyes
 
Software Development Methodologies in 2025
KodekX
 
Oracle AI Vector Search- Getting Started and what's new in 2025- AIOUG Yatra ...
Sandesh Rao
 
The Future of Artificial Intelligence (AI)
Mukul
 
Using Anchore and DefectDojo to Stand Up Your DevSecOps Function
Anchore
 
AI-Cloud-Business-Management-Platforms-The-Key-to-Efficiency-Growth.pdf
Artjoker Software Development Company
 
SparkLabs Primer on Artificial Intelligence 2025
SparkLabs Group
 
Simple and concise overview about Quantum computing..pptx
mughal641
 
Responsible AI and AI Ethics - By Sylvester Ebhonu
Sylvester Ebhonu
 
Security features in Dell, HP, and Lenovo PC systems: A research-based compar...
Principled Technologies
 
OFFOFFBOX™ – A New Era for African Film | Startup Presentation
ambaicciwalkerbrian
 
The Future of AI & Machine Learning.pptx
pritsen4700
 
New ThousandEyes Product Innovations: Cisco Live June 2025
ThousandEyes
 
NewMind AI Weekly Chronicles - July'25 - Week IV
NewMind AI
 
A Strategic Analysis of the MVNO Wave in Emerging Markets.pdf
IPLOOK Networks
 
Structs to JSON: How Go Powers REST APIs
Emily Achieng
 

Introduction to Deep learning

  • 1. Deep Learning Introduction, Design and Case Studies Massimiliano Patacchiola, PhD Student in Cognitive Robotics Centre for Robotics and Neural Systems , Plymouth University 1
  • 3. What is Deep Learning? “Deep Learning is a subfield of machine learning which uses supervised learning methods to train large artificial neural networks.” Machine Learning: discipline based on pattern recognition and learning theory which explores algorithms that can learn to make predictions. Supervised Learning: inferring a function from labeled training data (examples). 3
  • 4. Artificial Neural Networks An Artificial Neural Network (ANN) is a network made by units (often called neurons) grouped in layers. Most of the time each unit in a layer is connected with all the units in the previous layer. Each connection is represented by a real value which is called weight or parameter. 4
  • 5. Perceptron It is the simplest ANN, invented by Frank Rosenblatt in 1957. It has an input and an output layer and it can learn to discriminate only linearly separable functions. http://playground.tensorflow.org/ 5
  • 6. Multilayer Perceptron The Multilayer Perceptron add one more layer to the perceptron. The intermediate layer is called hidden layer. The additional layer allows the network to solve the XOR problem. http://playground.tensorflow.org/ 6
  • 7. Deep Neural Networks If the ANN has more than one hidden layer then it is a deep neural network (DNN). A DNN can model more complex spaces but is harder to train. Only recently thanks to Graphical Processing Units (GPUs), large datasets and new training techniques has been possible to use deep networks. 7
  • 8. Convolutional Neural Networks Nowadays the most used deep architecture is the Convolutional Neural Network (CNN). The CNN take as input a three-dimensional image matrix which is processed with kernels and subsampling operations. The training search for the kernels that give the best prediction. 8
  • 10. Training: Backpropagation 10 Training a Deep Neural Network is complicated and can require a long time (days) to get convergence. The standard approach for training DNN is backpropagation which treat learning as an optimisation problem. at each epoch the weights are adjusted in order to obtain an output which is more similar to the target.
  • 11. Deep Design How to build a Deep Network? 11
  • 12. Tools for Deep Learning 12 Tensorflow C++, Python Linux, Mac, Windows (next release) Keras Python Linux, Mac, Windows Caffe C++ Linux, Mac, Windows, Android Theano Python Linux, Mac, Windows CNTK C++ Linux, Windows Torch C, lua Linux, Mac, Windows, Android, iOS
  • 13. Tensorflow TensorFlow is an open source software library for numerical computation using data flow graphs. Nodes in the graph represent mathematical operations, while the graph edges represent the multidimensional data arrays (tensors) communicated between them. It deploys computation to one or more CPUs or GPUs in a desktop, server, or mobile device with a single API. Developed by researchers and engineers working on the Google Brain Team. 13
  • 14. Multilayer Perceptron with Tensorflow 14https://www.kaggle.com/c/digit-recognizer
  • 15. Convolutional Neural Network with Tensorflow 15https://www.kaggle.com/uciml/iris
  • 16. Case Studies How is Deep Learning used? 16
  • 17. Case Study: Image classification Given an input image the CNN returns the probability that the object present in that image belongs to a specific category. CIFAR-10 is an established computer-vision dataset used for object recognition. It is a subset of the 80 million tiny images dataset and consists of 60,000 32x32 color images containing one of 10 object classes. The best results have been achieved using CNNs, in particular recently a fractional max-pooling method achieved an accuracy of 96.53% 17
  • 18. Case Study: Image colorization 18
  • 19. Case Study: Deep Reinforcement Learning Reinforcement Learning: Given an environment with a set of states and an agent, the agent can move from state to state performing an action. Executing an action in a specific state provides the agent with a reward. Using RL it is possible to find the policy that maximise the long term reward. Deep Reinforcement Learning: Developed by Google DeepMind the first artificial agents to achieve human-level performance across many challenging domains. The key idea was to use deep neural networks to predict total reward. It achieved human-level performance in almost half of the 50 games to which it was applied, far beyond any previous method! 19
  • 20. Case Study: Head Pose Estimation in the Wild 20“Head Pose Estimation in the Wild Using Convolutional Neural Networks and Adaptive Gradient Methods” Patacchiola, M., Cangelosi, A., (under review), 2016 We investigated the use of CNNs for head pose estimation. It is an hard classification task. We used three different CNNs for estimating separately roll, pitch and yaw. We obtained the best results ever reported on three datasets.
  • 21. Case Study: Head Pose Estimation in the Wild 21“Head Pose Estimation in the Wild Using Convolutional Neural Networks and Adaptive Gradient Methods” Patacchiola, M., Cangelosi, A., (under review), 2016 Deepgaze is a python library for people detection and tracking which uses Convolutional Neural Networks (CNNs) to estimate the Focus of Attention (FOA) of users. The FOA can be approximately estimated finding the head orientation. This is particularly useful when the eyes are covered, or when the user is too far from the camera to grab the eye region with a good resolution. When the eye region is visible it is possible to estimate the gaze direction, which is much more informative and can give a good indication of the FOA. https://github.com/mpatacchiola/deepgaze