SlideShare a Scribd company logo
Why is Deep Learning hot
right now, and How can we
apply it on each day job
ISSAM A. AL-ZINATI
OUTREACH & TECHNICAL ADVISOR
UCAS TECHNOLOGY INCUBATOR
ISSAM A. AL-ZINATI - UCASTI 1
What is Deep Learning
ISSAM A. AL-ZINATI - UCASTI 2
Is a Neural Network
What is Deep Learning
ISSAM A. AL-ZINATI - UCASTI 3
Is a Neural Network Neuron
Can run small specific
mathematical task
What is Deep Learning
ISSAM A. AL-ZINATI - UCASTI 4
Is a Neural Network Neuron
Can run small specific
mathematical task
Edge
Connects Neurons
Holds weights to adjust inputs
What is Deep Learning
ISSAM A. AL-ZINATI - UCASTI 5
Is a Neural Network
With More Layers
What is Deep Learning
ISSAM A. AL-ZINATI - UCASTI 6
Is a Neural Network
With More Layers
And More Neurons
Why Now
ISSAM A. AL-ZINATI - UCASTI 7
Why Now- Scale
ISSAM A. AL-ZINATI - UCASTI 8
Data
Why Now- Scale
ISSAM A. AL-ZINATI - UCASTI 9
Data
Small Meduim Large
Performance Based on Data Size
Performance
The more data
you feed the
model, the
better results
you get
Why Now- Scale
ISSAM A. AL-ZINATI - UCASTI 10
Model Size & GPU
Why Now- Scale
ISSAM A. AL-ZINATI - UCASTI 11
Model Size & GPU
Small Meduim Large
Performance Based on Model Size
Performance
Bigger model could
achieve better
results.
GPUs help to train
those models in
much faster, 20X!!
Why Now– vs Others
ISSAM A. AL-ZINATI - UCASTI 12
What about other kind of machine learning algorithms, i.e. SVM, DT, Boosting, ….
Would they do better if they got more data and power?
Why Now– vs Others
Small Data Medium Data Large Data
Performance of NN VS Others
Based on Model Size and Data Amount
Others Small NN Medium NN Large NN
ISSAM A. AL-ZINATI - UCASTI 13
Why Now– End-To-End
ISSAM A. AL-ZINATI - UCASTI 14
Usual machine learning approach contains a pipeline of stages that are
responsible of feature extraction.
Each stage passes a set of engineered features which help model to better
understand the case it works on.
This approach is complex and prone to errors.
Why Now– End-To-End
ISSAM A. AL-ZINATI - UCASTI 15
Data (Audio)
Speech Recognition Pipeline
Audio
Features
Phonemes
Language
Model
Transcript
Why Now– End-To-End
ISSAM A. AL-ZINATI - UCASTI 16
Data (Audio)
Speech Recognition - DL
Audio
Features Phonemes Language
Model
Transcript
Why Now– End-To-End
ISSAM A. AL-ZINATI - UCASTI 17
Data (Audio)
Speech Recognition - DL
Audio
Features Phonemes Language
Model
Transcript
The Magic
How it wok – The Magic
ISSAM A. AL-ZINATI - UCASTI 18
How it work – No Magic
Deep Neural network is not magic. But it is very good at finding patterns.
“The hierarchy of concepts allows the computer to learn complicated concepts
by building them out of simpler ones. If we draw a graph showing how these
concepts are built on top of each other, the graph is deep, with many layers. For
this reason, we call this approach to AI deep learning”, Ian Goodfellow.
Deep Learning is Hierarchical Feature Learning.
ISSAM A. AL-ZINATI - UCASTI 19
Deep Learning Models
ISSAM A. AL-ZINATI - UCASTI 20
General
Model
FC
Sequence
Model
RNN
LSTM
Image
Model
CNN
Other
Models
Unsupervised
RL
Deep Learning Models
ISSAM A. AL-ZINATI - UCASTI 21
General
Model
FC
Sequence
Model
RNN
LSTM
Image
Model
CNN
Other
Models
Unsupervised
RL
Hot Research Topic
Advanced Deep Learning Models –
VGGNET - ResNet
Achieves 7.3% on ImageNet-2014 classification Challenge, come in the first
place.
It Used
120 million
parameters.
ISSAM A. AL-ZINATI - UCASTI 22
Advanced Deep Learning Models –
Google Inception V3
Achieves 5.64% on ImageNet-2015 classification Challenge, come in the second place.
ISSAM A. AL-ZINATI - UCASTI 23
Advanced Deep Learning Models –
Google Inception V3
Based on ConvNet concept with the addition
of inception module.
ISSAM A. AL-ZINATI - UCASTI 24
Using a network with a
computational cost of 5 billion
multiply-adds per inference and
with using less than 25 million
parameters.
Deep Learning Applications – Deep Voice
Baidu Research presents Deep Voice, a production-quality text-to-speech system
constructed entirely from deep neural networks.
Ground Truth
Generated Voice
ISSAM A. AL-ZINATI - UCASTI 25
Deep Learning Applications – Image
Captioning
Multimodal Recurrent Neural Architecture generates sentence descriptions from
images. Source.
ISSAM A. AL-ZINATI - UCASTI 26
"man in black shirt is playing guitar." "two young girls are playing with lego toy."
Deep Learning Applications – Generating
Videos
ISSAM A. AL-ZINATI - UCASTI 27
This approach was driven by using Adversarial Network to
1) Generate Videos
2) Conditional Video Generation based on Static Images
Source
Applying Deep Learning – Frameworks
Low Level
ISSAM A. AL-ZINATI - UCASTI 28
Applying Deep Learning – Frameworks
Low Level
ISSAM A. AL-ZINATI - UCASTI 29
High Level
Applying Deep Learning – Bias/Variance
The goal is to build a model that is close to human-level performance.
ISSAM A. AL-ZINATI - UCASTI 30
Applying Deep Learning – Bias/Variance
The goal is to build a model that is close to human-level performance.
ISSAM A. AL-ZINATI - UCASTI 31
Training Set – 70% Val Set – 15% Test Set – 15%
Applying Deep Learning – Bias/Variance
The goal is to build a model that is close to human-level performance.
ISSAM A. AL-ZINATI - UCASTI 32
Training Set – 70% Val Set – 15% Test Set – 15%
You need to know the following values:
1- Human-Level Error
2- Training Level Error
3- Validation Level Error
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 33
1%
5%
Human-Level
Training-Level
6%
Validation-Level
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 34
1%
5%
Human-Level
Training-Level
6%
Validation-Level
High bias/
underfitting
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 35
1%
5%
Human-Level
Training-Level
6%
Validation-Level
High bias/
underfitting
1- Bigger Model
2- Train Longer
3- New Model Arch
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 36
1%
2%
Human-Level
Training-Level
6%
Validation-Level
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 37
1%
2%
Human-Level
Training-Level
6%
Validation-Level
High variance/
overfitting
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 38
1%
2%
Human-Level
Training-Level
6%
Validation-Level
High variance/
overfitting
1- More Data
2- Early Stopping
3- Regularization
4- New Model Arch
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 39
1%
5%
Human-Level
Training-Level
10%
Validation-Level
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 40
1%
5%
Human-Level
Training-Level
10%
Validation-Level
High bias/
underfitting
High variance/
overfitting
Applying Deep Learning – Bias/Variance
ISSAM A. AL-ZINATI - UCASTI 41
1%
5%
Human-Level
Training-Level
10%
Validation-Level
High bias/
underfitting
1- Bigger Model
2- Train Longer
3- New Model Arch
High variance/
overfitting
1- More Data
2- Early Stopping
3- Regularization
4- New Model Arch
Applying Deep Learning – Data Synthesis
Usually, to overcome the problem of bias/variance we tend to create new set of
handy engineered features and try to retrain our model to see if we get more
accurate one.
In Deep Learning, Having more data can be a great solution to many scenarios.
But Its not always the case that we had this data ready to use.
So playing with data and try to create new handy engineered data set can be the
solution.
ISSAM A. AL-ZINATI - UCASTI 42
Applying Deep Learning – Data Synthesis
1) OCR
Getting more data for an OCR model is easy. We can follow these steps to get
those new data sets:
- Downloading images from the internet
- Generate text from MSWord in different font, size, color, blur, …
- Combine these two steps and you get millions of new images for training.
ISSAM A. AL-ZINATI - UCASTI 43
Applying Deep Learning – Data Synthesis
2) Speech Recognition
- Collect a set of clean audio files
- Collect random background sounds
- Combine these two steps and you get millions of new audio files for training.
ISSAM A. AL-ZINATI - UCASTI 44
Applying Deep Learning – Data Synthesis
3) NLP – Grammar correction
- Collect a set of correct sentences
- Randomly shuffle the word in this sentence
- Those new sentences are the new data set that we can fed to our model.
ISSAM A. AL-ZINATI - UCASTI 45
Applying Deep Learning – Data Synthesis
4) Image Recognition
- Having a set of labeled images
- Randomly add new effects to those images, i.e. rotate, blur, flip, luminosity, …
- Those new images are the new data set that we can fed to our model.
ISSAM A. AL-ZINATI - UCASTI 46
Applying Deep Learning – Data Synthesis
Data Syntheses has a limit, it can not always work but it good to start with.
ISSAM A. AL-ZINATI - UCASTI 47
Applying Deep Learning – Transfer Learning
Another approach to overcome the problem of bias/variance is to have:
1- Larger Model
2- New Model Architecture
But these two approaches needs more powerful machine to do the training.
Also, sometimes you don’t have enough resources to train it, i.e. Data and GPUs.
ISSAM A. AL-ZINATI - UCASTI 48
Applying Deep Learning – Transfer Learning
Imagine if we can run Google Inception V3 as our model for image classification,
would not be Great!!
Transfer learning allow us to use these popular model by replacing the last fully
connected layer (1000 class classifier) with our classifier. Here we are using the
other layers as a feature extractors.
ISSAM A. AL-ZINATI - UCASTI 49
Applying Deep Learning – Transfer Learning
1) Fixed feature extractor
◦ Import one of the famous model with its weights.
◦ Replace last layer with custom classifier. It could be another fully connected NN or
other ML models like SVM.
◦ Train the new classifier based on the features and weights that this network had
extracted already.
ISSAM A. AL-ZINATI - UCASTI 50
Applying Deep Learning – Transfer Learning
2) Fine-Tunning
◦ Import one of the famous model with its weights.
◦ Replace last layer with custom classifier. It could be another fully connected NN or
other ML models like SVM.
◦ Fine-tune the weights of the pretrained network by continuing the backpropagation.
Also, it will train your new classifier at the same time.
ISSAM A. AL-ZINATI - UCASTI 51
Applying Deep Learning – Transfer Learning
3) Retraining
◦ Import one of the famous model with its weights.
◦ Replace last layer with custom classifier. It could be another fully connected NN or
other ML models like SVM.
◦ Retrain the whole model.
ISSAM A. AL-ZINATI - UCASTI 52
Applying Deep Learning – Transfer Learning
Best practices
1- New dataset is small and similar to original dataset. – use the first approach.
2- New dataset is large and similar to the original dataset. – use the second
approach.
3- New dataset is small but very different from the original dataset. – use the
second approach but only on early activations in network.
4- New dataset is large and very different from the original dataset. – use the
third approach.
ISSAM A. AL-ZINATI - UCASTI 53
Applying Deep Learning – Use GPU/Cloud
The last point that we should consider is using GPUs on cloud.
There are two famous provider who give you the ability to configure a machine with GPU for
good prices
1- Amazon AWS – By using its P2 instances you can train and run your model under 1$ per hour.
Another advantage of using AWS is the ability to use preconfigure images that has every thing
installed and configured for you.
2- Microsoft Azure – By using its NC instances you can train and run your model for 1.05$ per
hour.
ISSAM A. AL-ZINATI - UCASTI 54
ISSAM A. AL-ZINATI - UCASTI 55
Thanks for listening 

More Related Content

What's hot

Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep Learning
Brahim HAMADICHAREF
 
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
PyData
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptx
Chun-Hao Chang
 
Deep Learning for Robotics
Deep Learning for RoboticsDeep Learning for Robotics
Deep Learning for Robotics
Intel Nervana
 
Deep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's GuideDeep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's Guide
Anirudh Koul
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
Asim Jalis
 
Deep learning
Deep learningDeep learning
Deep learning
Mohamed Loey
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog Detector
Roelof Pieters
 
The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017
Eran Shlomo
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
Zeynep Su Kurultay
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
PyData
 
Faster deep learning solutions from training to inference - Michele Tameni - ...
Faster deep learning solutions from training to inference - Michele Tameni - ...Faster deep learning solutions from training to inference - Michele Tameni - ...
Faster deep learning solutions from training to inference - Michele Tameni - ...
Codemotion
 
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
 
(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning
Amazon Web Services
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer Vision
David Dao
 
"New Dataflow Architecture for Machine Learning," a Presentation from Wave Co...
"New Dataflow Architecture for Machine Learning," a Presentation from Wave Co..."New Dataflow Architecture for Machine Learning," a Presentation from Wave Co...
"New Dataflow Architecture for Machine Learning," a Presentation from Wave Co...
Edge AI and Vision Alliance
 
Introduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntroduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at Galvanize
Intel Nervana
 
Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016
Grigory Sapunov
 
On-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidOn-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on Android
Yufeng Guo
 

What's hot (20)

Recent developments in Deep Learning
Recent developments in Deep LearningRecent developments in Deep Learning
Recent developments in Deep Learning
 
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
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptx
 
Deep Learning for Robotics
Deep Learning for RoboticsDeep Learning for Robotics
Deep Learning for Robotics
 
Deep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's GuideDeep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's Guide
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog DetectorDeep Learning as a Cat/Dog Detector
Deep Learning as a Cat/Dog Detector
 
The deep learning tour - Q1 2017
The deep learning tour - Q1 2017 The deep learning tour - Q1 2017
The deep learning tour - Q1 2017
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 
Faster deep learning solutions from training to inference - Michele Tameni - ...
Faster deep learning solutions from training to inference - Michele Tameni - ...Faster deep learning solutions from training to inference - Michele Tameni - ...
Faster deep learning solutions from training to inference - Michele Tameni - ...
 
Deep learning at nmc devin jones
Deep learning at nmc devin jones Deep learning at nmc devin jones
Deep learning at nmc devin jones
 
(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning
 
Deep learning in Computer Vision
Deep learning in Computer VisionDeep learning in Computer Vision
Deep learning in Computer Vision
 
"New Dataflow Architecture for Machine Learning," a Presentation from Wave Co...
"New Dataflow Architecture for Machine Learning," a Presentation from Wave Co..."New Dataflow Architecture for Machine Learning," a Presentation from Wave Co...
"New Dataflow Architecture for Machine Learning," a Presentation from Wave Co...
 
Introduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at GalvanizeIntroduction to Deep Learning and neon at Galvanize
Introduction to Deep Learning and neon at Galvanize
 
Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016Deep Learning and the state of AI / 2016
Deep Learning and the state of AI / 2016
 
On-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidOn-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on Android
 

Similar to Why is Deep learning hot right now? and How can we apply it on each day job?

Neural network and deep learning Devfest17
Neural network and deep learning   Devfest17Neural network and deep learning   Devfest17
Neural network and deep learning Devfest17
Issam AlZinati
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
Julien SIMON
 
Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)
Amazon Web Services
 
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
StampedeCon
 
Big Data LDN 2017: Deep Learning Demystified
Big Data LDN 2017: Deep Learning DemystifiedBig Data LDN 2017: Deep Learning Demystified
Big Data LDN 2017: Deep Learning Demystified
Matt Stubbs
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearning
Hoa Le
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolution
Darian Frajberg
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
Affine Analytics
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
Julien SIMON
 
The Frontier of Deep Learning in 2020 and Beyond
The Frontier of Deep Learning in 2020 and BeyondThe Frontier of Deep Learning in 2020 and Beyond
The Frontier of Deep Learning in 2020 and Beyond
NUS-ISS
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
Ha Phuong
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
Julien SIMON
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
Julien SIMON
 
Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation
Sneha Ravikumar
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
Julien SIMON
 
A Platform for Accelerating Machine Learning Applications
 A Platform for Accelerating Machine Learning Applications A Platform for Accelerating Machine Learning Applications
A Platform for Accelerating Machine Learning Applications
NVIDIA Taiwan
 
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | EdurekaArtificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
Edureka!
 
Neural Networks, Spark MLlib, Deep Learning
Neural Networks, Spark MLlib, Deep LearningNeural Networks, Spark MLlib, Deep Learning
Neural Networks, Spark MLlib, Deep Learning
Asim Jalis
 
Machine Learning Model for Gender Detection
Machine Learning Model for Gender DetectionMachine Learning Model for Gender Detection
Machine Learning Model for Gender Detection
TecnoIncentive
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
doppenhe
 

Similar to Why is Deep learning hot right now? and How can we apply it on each day job? (20)

Neural network and deep learning Devfest17
Neural network and deep learning   Devfest17Neural network and deep learning   Devfest17
Neural network and deep learning Devfest17
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
 
Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)
 
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
Don't Start from Scratch: Transfer Learning for Novel Computer Vision Problem...
 
Big Data LDN 2017: Deep Learning Demystified
Big Data LDN 2017: Deep Learning DemystifiedBig Data LDN 2017: Deep Learning Demystified
Big Data LDN 2017: Deep Learning Demystified
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearning
 
Introduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolutionIntroduction to the Artificial Intelligence and Computer Vision revolution
Introduction to the Artificial Intelligence and Computer Vision revolution
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
The Frontier of Deep Learning in 2020 and Beyond
The Frontier of Deep Learning in 2020 and BeyondThe Frontier of Deep Learning in 2020 and Beyond
The Frontier of Deep Learning in 2020 and Beyond
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
 
Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
 
A Platform for Accelerating Machine Learning Applications
 A Platform for Accelerating Machine Learning Applications A Platform for Accelerating Machine Learning Applications
A Platform for Accelerating Machine Learning Applications
 
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | EdurekaArtificial Intelligence (AI) Interview Questions and Answers | Edureka
Artificial Intelligence (AI) Interview Questions and Answers | Edureka
 
Neural Networks, Spark MLlib, Deep Learning
Neural Networks, Spark MLlib, Deep LearningNeural Networks, Spark MLlib, Deep Learning
Neural Networks, Spark MLlib, Deep Learning
 
Machine Learning Model for Gender Detection
Machine Learning Model for Gender DetectionMachine Learning Model for Gender Detection
Machine Learning Model for Gender Detection
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 

Recently uploaded

一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
ahzuo
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
jerlynmaetalle
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
haila53
 
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
pchutichetpong
 
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
dwreak4tg
 
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
u86oixdj
 
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
2023240532
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
TravisMalana
 
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
ahzuo
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
Timothy Spann
 
一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理
一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理
一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理
74nqk8xf
 
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTESAdjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Subhajit Sahu
 
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
slg6lamcq
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
Q1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year ReboundQ1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year Rebound
Oppotus
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
balafet
 
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
g4dpvqap0
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
ewymefz
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
AbhimanyuSinha9
 
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
v3tuleee
 

Recently uploaded (20)

一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
 
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
Data Centers - Striving Within A Narrow Range - Research Report - MCG - May 2...
 
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
一比一原版(BCU毕业证书)伯明翰城市大学毕业证如何办理
 
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
原版制作(swinburne毕业证书)斯威本科技大学毕业证毕业完成信一模一样
 
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
Quantitative Data AnalysisReliability Analysis (Cronbach Alpha) Common Method...
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
 
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
一比一原版(UIUC毕业证)伊利诺伊大学|厄巴纳-香槟分校毕业证如何办理
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
 
一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理
一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理
一比一原版(Coventry毕业证书)考文垂大学毕业证如何办理
 
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTESAdjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
 
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
一比一原版(Adelaide毕业证书)阿德莱德大学毕业证如何办理
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
Q1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year ReboundQ1’2024 Update: MYCI’s Leap Year Rebound
Q1’2024 Update: MYCI’s Leap Year Rebound
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
 
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
 
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
 

Why is Deep learning hot right now? and How can we apply it on each day job?

  • 1. Why is Deep Learning hot right now, and How can we apply it on each day job ISSAM A. AL-ZINATI OUTREACH & TECHNICAL ADVISOR UCAS TECHNOLOGY INCUBATOR ISSAM A. AL-ZINATI - UCASTI 1
  • 2. What is Deep Learning ISSAM A. AL-ZINATI - UCASTI 2 Is a Neural Network
  • 3. What is Deep Learning ISSAM A. AL-ZINATI - UCASTI 3 Is a Neural Network Neuron Can run small specific mathematical task
  • 4. What is Deep Learning ISSAM A. AL-ZINATI - UCASTI 4 Is a Neural Network Neuron Can run small specific mathematical task Edge Connects Neurons Holds weights to adjust inputs
  • 5. What is Deep Learning ISSAM A. AL-ZINATI - UCASTI 5 Is a Neural Network With More Layers
  • 6. What is Deep Learning ISSAM A. AL-ZINATI - UCASTI 6 Is a Neural Network With More Layers And More Neurons
  • 7. Why Now ISSAM A. AL-ZINATI - UCASTI 7
  • 8. Why Now- Scale ISSAM A. AL-ZINATI - UCASTI 8 Data
  • 9. Why Now- Scale ISSAM A. AL-ZINATI - UCASTI 9 Data Small Meduim Large Performance Based on Data Size Performance The more data you feed the model, the better results you get
  • 10. Why Now- Scale ISSAM A. AL-ZINATI - UCASTI 10 Model Size & GPU
  • 11. Why Now- Scale ISSAM A. AL-ZINATI - UCASTI 11 Model Size & GPU Small Meduim Large Performance Based on Model Size Performance Bigger model could achieve better results. GPUs help to train those models in much faster, 20X!!
  • 12. Why Now– vs Others ISSAM A. AL-ZINATI - UCASTI 12 What about other kind of machine learning algorithms, i.e. SVM, DT, Boosting, …. Would they do better if they got more data and power?
  • 13. Why Now– vs Others Small Data Medium Data Large Data Performance of NN VS Others Based on Model Size and Data Amount Others Small NN Medium NN Large NN ISSAM A. AL-ZINATI - UCASTI 13
  • 14. Why Now– End-To-End ISSAM A. AL-ZINATI - UCASTI 14 Usual machine learning approach contains a pipeline of stages that are responsible of feature extraction. Each stage passes a set of engineered features which help model to better understand the case it works on. This approach is complex and prone to errors.
  • 15. Why Now– End-To-End ISSAM A. AL-ZINATI - UCASTI 15 Data (Audio) Speech Recognition Pipeline Audio Features Phonemes Language Model Transcript
  • 16. Why Now– End-To-End ISSAM A. AL-ZINATI - UCASTI 16 Data (Audio) Speech Recognition - DL Audio Features Phonemes Language Model Transcript
  • 17. Why Now– End-To-End ISSAM A. AL-ZINATI - UCASTI 17 Data (Audio) Speech Recognition - DL Audio Features Phonemes Language Model Transcript The Magic
  • 18. How it wok – The Magic ISSAM A. AL-ZINATI - UCASTI 18
  • 19. How it work – No Magic Deep Neural network is not magic. But it is very good at finding patterns. “The hierarchy of concepts allows the computer to learn complicated concepts by building them out of simpler ones. If we draw a graph showing how these concepts are built on top of each other, the graph is deep, with many layers. For this reason, we call this approach to AI deep learning”, Ian Goodfellow. Deep Learning is Hierarchical Feature Learning. ISSAM A. AL-ZINATI - UCASTI 19
  • 20. Deep Learning Models ISSAM A. AL-ZINATI - UCASTI 20 General Model FC Sequence Model RNN LSTM Image Model CNN Other Models Unsupervised RL
  • 21. Deep Learning Models ISSAM A. AL-ZINATI - UCASTI 21 General Model FC Sequence Model RNN LSTM Image Model CNN Other Models Unsupervised RL Hot Research Topic
  • 22. Advanced Deep Learning Models – VGGNET - ResNet Achieves 7.3% on ImageNet-2014 classification Challenge, come in the first place. It Used 120 million parameters. ISSAM A. AL-ZINATI - UCASTI 22
  • 23. Advanced Deep Learning Models – Google Inception V3 Achieves 5.64% on ImageNet-2015 classification Challenge, come in the second place. ISSAM A. AL-ZINATI - UCASTI 23
  • 24. Advanced Deep Learning Models – Google Inception V3 Based on ConvNet concept with the addition of inception module. ISSAM A. AL-ZINATI - UCASTI 24 Using a network with a computational cost of 5 billion multiply-adds per inference and with using less than 25 million parameters.
  • 25. Deep Learning Applications – Deep Voice Baidu Research presents Deep Voice, a production-quality text-to-speech system constructed entirely from deep neural networks. Ground Truth Generated Voice ISSAM A. AL-ZINATI - UCASTI 25
  • 26. Deep Learning Applications – Image Captioning Multimodal Recurrent Neural Architecture generates sentence descriptions from images. Source. ISSAM A. AL-ZINATI - UCASTI 26 "man in black shirt is playing guitar." "two young girls are playing with lego toy."
  • 27. Deep Learning Applications – Generating Videos ISSAM A. AL-ZINATI - UCASTI 27 This approach was driven by using Adversarial Network to 1) Generate Videos 2) Conditional Video Generation based on Static Images Source
  • 28. Applying Deep Learning – Frameworks Low Level ISSAM A. AL-ZINATI - UCASTI 28
  • 29. Applying Deep Learning – Frameworks Low Level ISSAM A. AL-ZINATI - UCASTI 29 High Level
  • 30. Applying Deep Learning – Bias/Variance The goal is to build a model that is close to human-level performance. ISSAM A. AL-ZINATI - UCASTI 30
  • 31. Applying Deep Learning – Bias/Variance The goal is to build a model that is close to human-level performance. ISSAM A. AL-ZINATI - UCASTI 31 Training Set – 70% Val Set – 15% Test Set – 15%
  • 32. Applying Deep Learning – Bias/Variance The goal is to build a model that is close to human-level performance. ISSAM A. AL-ZINATI - UCASTI 32 Training Set – 70% Val Set – 15% Test Set – 15% You need to know the following values: 1- Human-Level Error 2- Training Level Error 3- Validation Level Error
  • 33. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 33 1% 5% Human-Level Training-Level 6% Validation-Level
  • 34. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 34 1% 5% Human-Level Training-Level 6% Validation-Level High bias/ underfitting
  • 35. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 35 1% 5% Human-Level Training-Level 6% Validation-Level High bias/ underfitting 1- Bigger Model 2- Train Longer 3- New Model Arch
  • 36. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 36 1% 2% Human-Level Training-Level 6% Validation-Level
  • 37. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 37 1% 2% Human-Level Training-Level 6% Validation-Level High variance/ overfitting
  • 38. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 38 1% 2% Human-Level Training-Level 6% Validation-Level High variance/ overfitting 1- More Data 2- Early Stopping 3- Regularization 4- New Model Arch
  • 39. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 39 1% 5% Human-Level Training-Level 10% Validation-Level
  • 40. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 40 1% 5% Human-Level Training-Level 10% Validation-Level High bias/ underfitting High variance/ overfitting
  • 41. Applying Deep Learning – Bias/Variance ISSAM A. AL-ZINATI - UCASTI 41 1% 5% Human-Level Training-Level 10% Validation-Level High bias/ underfitting 1- Bigger Model 2- Train Longer 3- New Model Arch High variance/ overfitting 1- More Data 2- Early Stopping 3- Regularization 4- New Model Arch
  • 42. Applying Deep Learning – Data Synthesis Usually, to overcome the problem of bias/variance we tend to create new set of handy engineered features and try to retrain our model to see if we get more accurate one. In Deep Learning, Having more data can be a great solution to many scenarios. But Its not always the case that we had this data ready to use. So playing with data and try to create new handy engineered data set can be the solution. ISSAM A. AL-ZINATI - UCASTI 42
  • 43. Applying Deep Learning – Data Synthesis 1) OCR Getting more data for an OCR model is easy. We can follow these steps to get those new data sets: - Downloading images from the internet - Generate text from MSWord in different font, size, color, blur, … - Combine these two steps and you get millions of new images for training. ISSAM A. AL-ZINATI - UCASTI 43
  • 44. Applying Deep Learning – Data Synthesis 2) Speech Recognition - Collect a set of clean audio files - Collect random background sounds - Combine these two steps and you get millions of new audio files for training. ISSAM A. AL-ZINATI - UCASTI 44
  • 45. Applying Deep Learning – Data Synthesis 3) NLP – Grammar correction - Collect a set of correct sentences - Randomly shuffle the word in this sentence - Those new sentences are the new data set that we can fed to our model. ISSAM A. AL-ZINATI - UCASTI 45
  • 46. Applying Deep Learning – Data Synthesis 4) Image Recognition - Having a set of labeled images - Randomly add new effects to those images, i.e. rotate, blur, flip, luminosity, … - Those new images are the new data set that we can fed to our model. ISSAM A. AL-ZINATI - UCASTI 46
  • 47. Applying Deep Learning – Data Synthesis Data Syntheses has a limit, it can not always work but it good to start with. ISSAM A. AL-ZINATI - UCASTI 47
  • 48. Applying Deep Learning – Transfer Learning Another approach to overcome the problem of bias/variance is to have: 1- Larger Model 2- New Model Architecture But these two approaches needs more powerful machine to do the training. Also, sometimes you don’t have enough resources to train it, i.e. Data and GPUs. ISSAM A. AL-ZINATI - UCASTI 48
  • 49. Applying Deep Learning – Transfer Learning Imagine if we can run Google Inception V3 as our model for image classification, would not be Great!! Transfer learning allow us to use these popular model by replacing the last fully connected layer (1000 class classifier) with our classifier. Here we are using the other layers as a feature extractors. ISSAM A. AL-ZINATI - UCASTI 49
  • 50. Applying Deep Learning – Transfer Learning 1) Fixed feature extractor ◦ Import one of the famous model with its weights. ◦ Replace last layer with custom classifier. It could be another fully connected NN or other ML models like SVM. ◦ Train the new classifier based on the features and weights that this network had extracted already. ISSAM A. AL-ZINATI - UCASTI 50
  • 51. Applying Deep Learning – Transfer Learning 2) Fine-Tunning ◦ Import one of the famous model with its weights. ◦ Replace last layer with custom classifier. It could be another fully connected NN or other ML models like SVM. ◦ Fine-tune the weights of the pretrained network by continuing the backpropagation. Also, it will train your new classifier at the same time. ISSAM A. AL-ZINATI - UCASTI 51
  • 52. Applying Deep Learning – Transfer Learning 3) Retraining ◦ Import one of the famous model with its weights. ◦ Replace last layer with custom classifier. It could be another fully connected NN or other ML models like SVM. ◦ Retrain the whole model. ISSAM A. AL-ZINATI - UCASTI 52
  • 53. Applying Deep Learning – Transfer Learning Best practices 1- New dataset is small and similar to original dataset. – use the first approach. 2- New dataset is large and similar to the original dataset. – use the second approach. 3- New dataset is small but very different from the original dataset. – use the second approach but only on early activations in network. 4- New dataset is large and very different from the original dataset. – use the third approach. ISSAM A. AL-ZINATI - UCASTI 53
  • 54. Applying Deep Learning – Use GPU/Cloud The last point that we should consider is using GPUs on cloud. There are two famous provider who give you the ability to configure a machine with GPU for good prices 1- Amazon AWS – By using its P2 instances you can train and run your model under 1$ per hour. Another advantage of using AWS is the ability to use preconfigure images that has every thing installed and configured for you. 2- Microsoft Azure – By using its NC instances you can train and run your model for 1.05$ per hour. ISSAM A. AL-ZINATI - UCASTI 54
  • 55. ISSAM A. AL-ZINATI - UCASTI 55 Thanks for listening 