Deep Learning: concepts and use cases (October 2018)

Julien SIMON
Julien SIMONChief Evangelist em Hugging Face
Deep Learning:
concepts and use cases
Julien Simon
Principal Technical Evangelist, AI and Machine Learning, AWS
@julsimon
October 2018
What to expect
• An introduction to Deep Learning theory
• Neurons & Neural Networks
• The Training Process
• Backpropagation
• Optimizers
• Common network architectures and use cases
• Convolutional Neural Networks
• Recurrent Neural Networks
• Long Short Term Memory Networks
• Generative Adversarial Networks
• Getting started
• Artificial Intelligence: design software applications which
exhibit human-like behavior, e.g. speech, natural language
processing, reasoning or intuition
• Machine Learning: using statistical algorithms, teach
machines to learn from featurized data without being
explicitly programmed
• Deep Learning: using neural networks, teach machines to
learn from complex data where features cannot be
explicitly expressed
An introduction
to Deep Learning theory
Activation functionsThe neuron
!
"#$
%
xi ∗ wi + b = u
”Multiply and Accumulate”
Source: Wikipedia
bias
x =
x11, x12, …. x1I
x21, x22, …. x2I
… … …
xm1, xm2, …. xmI
I features
m samples
y =
2
0
…
4
m labels,
N2 categories
0,0,1,0,0,…,0
1,0,0,0,0,…,0
…
0,0,0,0,1,…,0
One-hot encoding
Neural networks
B u i l d i n g a s i m p l e c l a s s i f i e r
Biases are ignored for the rest of this discussion
x =
x11, x12, …. x1I
x21, x22, …. x2I
… … …
xm1, xm2, …. xmI
I features
m samples
y =
2
0
…
4
m labels,
N2 categories
Total number of predictions
Accuracy =
Number of correct predictions
0,0,1,0,0,…,0
1,0,0,0,0,…,0
…
0,0,0,0,1,…,0
One-hot encoding
Neural networks
B u i l d i n g a s i m p l e c l a s s i f i e r
Initially, the network will not predict correctly
f(X1) = Y’1
A loss function measures the difference between
the real label Y1 and the predicted label Y’1
error = loss(Y1, Y’1)
For a batch of samples:
!
"#$
%&'() *"+,
loss(Yi, Y’i) = batch error
The purpose of the training process is to
minimize error by gradually adjusting weights.
Neural networks
B u i l d i n g a s i m p l e c l a s s i f i e r
Mini-batch Training
Training data set Training
Trained
neural network
Batch size
Learning rate
Number of epochs
Hyper parameters
Backpropagation
Forward propagation
Validation
Validation data set
(also called dev set)
Neural network
in training
Validation
accuracy
Prediction at
the end of
each epoch
This data set must have the same distribution as real-life samples,
or else validation accuracy won’t reflect real-life accuracy.
Test
Test data set Fully trained
neural network
Test accuracy
Prediction at
the end of
experimentation
This data set must have the same distribution as real-life samples,
or else test accuracy won’t reflect real-life accuracy.
Stochastic Gradient Descent (1951)
Imagine you stand on top of a mountain (…).
You want to get down to the valley as quickly as
possible, but there is fog and you can only see
your immediate surroundings. How can you get
down the mountain as quickly as possible?
You look around and identify the steepest path
down, go down that path for a bit, again look
around and find the new steepest path, go down
that path, and repeat—this is exactly what
gradient descent does.
Tim Dettmers, University of Lugano, 2015
https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-history-training/
The « step size » depends on
the learning rate
z=f(x,y)
Finding the slope with Derivatives
Source: Wikipedia, Oklahoma State University, Khan Academy
End-to-end example of computing
backpropagation with partial derivatives:
https://mattmazur.com/2015/03/17/a-step-by-step-
backpropagation-example
Local minima and saddle points
« Do neural networks enter and
escape a series of local minima? Do
they move at varying speed as they
approach and then pass a variety of
saddle points? Answering these
questions definitively is difficult, but
we present evidence strongly
suggesting that the answer to all of
these questions is no. »
« Qualitatively characterizing neural network
optimization problems », Goodfellow et al,
2015 https://arxiv.org/abs/1412.6544
Optimizers
https://medium.com/@julsimon/tumbling-down-the-sgd-rabbit-hole-part-1-740fa402f0d7
SGD works remarkably
well and is still widely
used.
Adaptative optimizers use
a variable learning rate.
Some even use a learning
rate per dimension
(Adam).
Early stopping
Training accuracy
Loss function
Accuracy
100%
Epochs
Validation accuracy
Loss
Best epoch
OVERFITTING
« Deep Learning ultimately is about finding a minimum
that generalizes well, with bonus points for finding one
fast and reliably », Sebastian Ruder
Common network architectures
and use cases
Fully Connected Networks are nice, but…
• What if we need lots of layers in order to extract complex features?
• The number of parameters increases very quickly with the number of layers
• Overfitting is a constant problem
• What about large data?
• 256x256 images = 65,535 input neurons ?
• What about 2D/3D data ? Won’t we lose lots of info by flattening it?
• Images, videos, etc.
• What about sequential data, where the order of samples is
important?
• Translating text
• Predicting time series
Convolutional Neural Networks
Convolutional Neural Networks (CNN)
Le Cun, 1998: handwritten digit recognition, 32x32 pixels
https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-core-concepts/
Source: http://timdettmers.com
Extracting features with convolution
Convolution extracts features automatically.
Kernel parameters are learned during the training process.
Downsampling images with pooling
Source: Stanford University
Pooling shrinks images while preserving significant information.
Classification, detection, segmentation
https://github.com/dmlc/gluon-cv
Based on models published in 2015-2017
[electric_guitar],
with probability 0.671
Gluon
Face Detection
https://github.com/tornadomeet/mxnet-face
Based on models published 2015-2016
https://github.com/deepinsight/insightface
https://arxiv.org/abs/1801.07698
January 2018
Face Recognition
LFW 99.80%+
Megaface 98%+
with a single model
MXNetMXNet
Keras Image Inpainting
https://github.com/MathiasGruber/PConv-Keras
https://arxiv.org/abs/1804.07723
April 2018
Real-Time Pose Estimation
https://github.com/dragonfly90/mxnet_Realtime_Multi-Person_Pose_Estimation
November 2016
MXNet
Caffe 2 Real-Time Pose Estimation: DensePose
https://github.com/facebookresearch/DensePose
February 2018
Recurrent Neural Networks
Recurrent Neural Networks (RNN)
http://karpathy.github.io/2015/05/21/rnn-effectiveness/
Image
captioning
Sentiment
analysis
Machine
translation
Video frame
labeling
Recurrent Neural Networks
http://colah.github.io/posts/2015-08-Understanding-LSTMs/
Long Short Term Memory Networks (LSTM)
Hochreiter and Schmidhuber,1997
• A LSTM neuron computes the
output based on the input and a
previous state
• LSTM neurons have « short-term
memory »
• They do a better job than RNN at
predicting longer sequences of data
Machine Translation – AWS Sockeye
https://github.com/awslabs/sockeye
MXNet
OCR – Tesseract 4.0 (beta)
https://github.com/tesseract-ocr/tesseract/wiki/NeuralNetsInTesseract4.00
https://www.learnopencv.com/deep-learning-based-text-recognition-ocr-using-tesseract-and-opencv/
Generative Adversarial Networks
Generative Adversarial Networks
Goodfellow, 2014 https://arxiv.org/abs/1406.2661
https://medium.com/@julsimon/generative-adversarial-networks-on-apache-mxnet-part-1-b6d39e6b5df1
Generator
Building images
from random vectors
Detector
Learning to detect real samples
from generated ones
Gradient updates
GAN: Welcome to the (un)real world, Neo
Generating new ”celebrity” faces
https://github.com/tkarras/progressive_growing_of_gans
April 2018
From semantic map to 2048x1024 picture
https://tcwang0509.github.io/pix2pixHD/
November 2017
TF
PyTorch
GAN: Everybody dance now
https://arxiv.org/abs/1808.07371
https://www.youtube.com/watch?v=PCBTZh41Ris
August 2018
Getting started
Resources
http://www.deeplearningbook.org/
https://gluon.mxnet.io
https://keras.io
https://medium.com/@julsimon
https://gitlab.com/juliensimon/{aws,dlnotebooks}
Deep Learning: concepts and use cases (October 2018)
Thank you!
Julien Simon
Principal Technical Evangelist, AI and Machine Learning, AWS
@julsimon
1 de 41

Recomendados

Deep Learning: Chapter 11 Practical Methodology por
Deep Learning: Chapter 11 Practical MethodologyDeep Learning: Chapter 11 Practical Methodology
Deep Learning: Chapter 11 Practical MethodologyJason Tsai
2K visualizações40 slides
An Introduction to Deep Learning (April 2018) por
An Introduction to Deep Learning (April 2018)An Introduction to Deep Learning (April 2018)
An Introduction to Deep Learning (April 2018)Julien SIMON
689 visualizações31 slides
Deep Learning por
Deep LearningDeep Learning
Deep LearningJun Wang
5.2K visualizações111 slides
DEF CON 24 - Clarence Chio - machine duping 101 por
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101Felipe Prado
70 visualizações55 slides
An Introduction to Deep Learning I AWS Dev Day 2018 por
An Introduction to Deep Learning I AWS Dev Day 2018An Introduction to Deep Learning I AWS Dev Day 2018
An Introduction to Deep Learning I AWS Dev Day 2018AWS Germany
194 visualizações31 slides
Deep Learning: a birds eye view por
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye viewRoelof Pieters
8.3K visualizações75 slides

Mais conteúdo relacionado

Mais procurados

Deep Learning And Business Models (VNITC 2015-09-13) por
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
4.7K visualizações50 slides
Deep learning por
Deep learningDeep learning
Deep learningRatnakar Pandey
11.5K visualizações21 slides
Neural networks and deep learning por
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
7.9K visualizações24 slides
MDEC Data Matters Series: machine learning and Deep Learning, A Primer por
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerPoo Kuan Hoong
1.1K visualizações55 slides
Introduction to Deep Learning por
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
3.8K visualizações66 slides
An introduction to deep learning concepts por
An introduction to deep learning conceptsAn introduction to deep learning concepts
An introduction to deep learning conceptsAmazon Web Services
181 visualizações30 slides

Mais procurados(20)

Deep Learning And Business Models (VNITC 2015-09-13) por Ha Phuong
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 Phuong4.7K visualizações
Deep learning por Ratnakar Pandey
Deep learningDeep learning
Deep learning
Ratnakar Pandey11.5K visualizações
Neural networks and deep learning por Jörgen Sandig
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
Jörgen Sandig7.9K visualizações
MDEC Data Matters Series: machine learning and Deep Learning, A Primer por Poo Kuan Hoong
MDEC Data Matters Series: machine learning and Deep Learning, A PrimerMDEC Data Matters Series: machine learning and Deep Learning, A Primer
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
Poo Kuan Hoong1.1K visualizações
Introduction to Deep Learning por Oswald Campesato
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Oswald Campesato3.8K visualizações
An introduction to deep learning concepts por Amazon Web Services
An introduction to deep learning conceptsAn introduction to deep learning concepts
An introduction to deep learning concepts
Amazon Web Services181 visualizações
Language translation with Deep Learning (RNN) with TensorFlow por S N
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
S N2.2K visualizações
Neural Networks and Deep Learning por Asim Jalis
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
Asim Jalis3.7K visualizações
Promises of Deep Learning por David Khosid
Promises of Deep LearningPromises of Deep Learning
Promises of Deep Learning
David Khosid2K visualizações
Tutorial on Deep Learning por inside-BigData.com
Tutorial on Deep LearningTutorial on Deep Learning
Tutorial on Deep Learning
inside-BigData.com3.8K visualizações
Advance deep learning por aliaKhan71
Advance deep learningAdvance deep learning
Advance deep learning
aliaKhan71103 visualizações
Deep Learning Tutorial por Amr Rashed
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
Amr Rashed5.4K visualizações
From Conventional Machine Learning to Deep Learning and Beyond.pptx por Chun-Hao Chang
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 Chang2.4K visualizações
An introduction to Deep Learning por David Rostcheck
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
David Rostcheck1.1K visualizações
Machine learning for_finance por Stefan Duprey
Machine learning for_financeMachine learning for_finance
Machine learning for_finance
Stefan Duprey2K visualizações
Deep Learning With Neural Networks por Aniket Maurya
Deep Learning With Neural NetworksDeep Learning With Neural Networks
Deep Learning With Neural Networks
Aniket Maurya3.1K visualizações
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn... por Edge AI and Vision Alliance
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn..."Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
Edge AI and Vision Alliance4.6K visualizações
Deep learning: Cutting through the Myths and Hype por Siby Jose Plathottam
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and Hype
Siby Jose Plathottam202 visualizações
Deep learning - A Visual Introduction por Lukas Masuch
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
Lukas Masuch57.5K visualizações
Introduction to Deep learning por Massimiliano Ruocco
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
Massimiliano Ruocco2.7K visualizações

Similar a Deep Learning: concepts and use cases (October 2018)

An Introduction to Deep Learning (May 2018) por
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)Julien SIMON
451 visualizações32 slides
An Introduction to Deep Learning (March 2018) por
An Introduction to Deep Learning (March 2018)An Introduction to Deep Learning (March 2018)
An Introduction to Deep Learning (March 2018)Julien SIMON
26.7K visualizações29 slides
Deep learning tutorial 9/2019 por
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Amr Rashed
587 visualizações99 slides
Apache MXNet ODSC West 2018 por
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet
225 visualizações66 slides
Machine Duping 101: Pwning Deep Learning Systems por
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning SystemsClarence Chio
1.9K visualizações44 slides
Separating Hype from Reality in Deep Learning with Sameer Farooqui por
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer FarooquiDatabricks
971 visualizações87 slides

Similar a Deep Learning: concepts and use cases (October 2018)(20)

An Introduction to Deep Learning (May 2018) por Julien SIMON
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
Julien SIMON451 visualizações
An Introduction to Deep Learning (March 2018) por Julien SIMON
An Introduction to Deep Learning (March 2018)An Introduction to Deep Learning (March 2018)
An Introduction to Deep Learning (March 2018)
Julien SIMON26.7K visualizações
Deep learning tutorial 9/2019 por Amr Rashed
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019
Amr Rashed587 visualizações
Apache MXNet ODSC West 2018 por Apache MXNet
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018
Apache MXNet225 visualizações
Machine Duping 101: Pwning Deep Learning Systems por Clarence Chio
Machine Duping 101: Pwning Deep Learning SystemsMachine Duping 101: Pwning Deep Learning Systems
Machine Duping 101: Pwning Deep Learning Systems
Clarence Chio1.9K visualizações
Separating Hype from Reality in Deep Learning with Sameer Farooqui por Databricks
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks971 visualizações
Introduction to deep learning por Abhishek Bhandwaldar
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
Abhishek Bhandwaldar422 visualizações
deepnet-lourentzou.ppt por yang947066
deepnet-lourentzou.pptdeepnet-lourentzou.ppt
deepnet-lourentzou.ppt
yang94706620 visualizações
Deep learning por Aman Kamboj
Deep learningDeep learning
Deep learning
Aman Kamboj22 visualizações
Deep Learning for Developers por Amazon Web Services
Deep Learning for DevelopersDeep Learning for Developers
Deep Learning for Developers
Amazon Web Services140 visualizações
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies por Value Amplify Consulting
AI Class Topic 6: Easy Way to Learn Deep Learning AI TechnologiesAI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
AI Class Topic 6: Easy Way to Learn Deep Learning AI Technologies
Value Amplify Consulting107 visualizações
Deep Dive on Deep Learning (June 2018) por Julien SIMON
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
Julien SIMON56.4K visualizações
Image classification with Deep Neural Networks por Yogendra Tamang
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
Yogendra Tamang7.6K visualizações
Ultrasound Nerve Segmentation por Sneha Ravikumar
Ultrasound Nerve Segmentation Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation
Sneha Ravikumar782 visualizações
Deep Learning for Developers (Advanced Workshop) por Amazon Web Services
Deep Learning for Developers (Advanced Workshop)Deep Learning for Developers (Advanced Workshop)
Deep Learning for Developers (Advanced Workshop)
Amazon Web Services366 visualizações
Diving into Deep Learning (Silicon Valley Code Camp 2017) por Oswald Campesato
Diving into Deep Learning (Silicon Valley Code Camp 2017)Diving into Deep Learning (Silicon Valley Code Camp 2017)
Diving into Deep Learning (Silicon Valley Code Camp 2017)
Oswald Campesato463 visualizações
Presentation on Machine Learning and Data Mining por butest
Presentation on Machine Learning and Data MiningPresentation on Machine Learning and Data Mining
Presentation on Machine Learning and Data Mining
butest762 visualizações
Android and Deep Learning por Oswald Campesato
Android and Deep LearningAndroid and Deep Learning
Android and Deep Learning
Oswald Campesato922 visualizações
introduction to deeplearning por Eyad Alshami
introduction to deeplearningintroduction to deeplearning
introduction to deeplearning
Eyad Alshami902 visualizações
Deep Learning with Apache MXNet (September 2017) por Julien SIMON
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
Julien SIMON321 visualizações

Mais de Julien SIMON

An introduction to computer vision with Hugging Face por
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceJulien SIMON
565 visualizações16 slides
Reinventing Deep Learning
 with Hugging Face Transformers por
Reinventing Deep Learning
 with Hugging Face TransformersReinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face TransformersJulien SIMON
596 visualizações14 slides
Building NLP applications with Transformers por
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with TransformersJulien SIMON
1.1K visualizações16 slides
Building Machine Learning Models Automatically (June 2020) por
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Julien SIMON
986 visualizações15 slides
Starting your AI/ML project right (May 2020) por
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Julien SIMON
561 visualizações35 slides
Scale Machine Learning from zero to millions of users (April 2020) por
Scale Machine Learning from zero to millions of users (April 2020)Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Julien SIMON
763 visualizações26 slides

Mais de Julien SIMON(20)

An introduction to computer vision with Hugging Face por Julien SIMON
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging Face
Julien SIMON565 visualizações
Reinventing Deep Learning
 with Hugging Face Transformers por Julien SIMON
Reinventing Deep Learning
 with Hugging Face TransformersReinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face Transformers
Julien SIMON596 visualizações
Building NLP applications with Transformers por Julien SIMON
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with Transformers
Julien SIMON1.1K visualizações
Building Machine Learning Models Automatically (June 2020) por Julien SIMON
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)
Julien SIMON986 visualizações
Starting your AI/ML project right (May 2020) por Julien SIMON
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)
Julien SIMON561 visualizações
Scale Machine Learning from zero to millions of users (April 2020) por Julien SIMON
Scale Machine Learning from zero to millions of users (April 2020)Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)
Julien SIMON763 visualizações
An Introduction to Generative Adversarial Networks (April 2020) por Julien SIMON
An Introduction to Generative Adversarial Networks (April 2020)An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)
Julien SIMON818 visualizações
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De... por Julien SIMON
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
Julien SIMON617 visualizações
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019) por Julien SIMON
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
Julien SIMON862 visualizações
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem... por Julien SIMON
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
Julien SIMON440 visualizações
A pragmatic introduction to natural language processing models (October 2019) por Julien SIMON
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)
Julien SIMON1.1K visualizações
Building smart applications with AWS AI services (October 2019) por Julien SIMON
Building smart applications with AWS AI services (October 2019)Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)
Julien SIMON423 visualizações
Build, train and deploy ML models with SageMaker (October 2019) por Julien SIMON
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)
Julien SIMON690 visualizações
The Future of AI (September 2019) por Julien SIMON
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)
Julien SIMON1K visualizações
Building Machine Learning Inference Pipelines at Scale (July 2019) por Julien SIMON
Building Machine Learning Inference Pipelines at Scale (July 2019)Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)
Julien SIMON969 visualizações
Train and Deploy Machine Learning Workloads with AWS Container Services (July... por Julien SIMON
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Julien SIMON262 visualizações
Optimize your Machine Learning Workloads on AWS (July 2019) por Julien SIMON
Optimize your Machine Learning Workloads on AWS (July 2019)Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)
Julien SIMON215 visualizações
Deep Learning on Amazon Sagemaker (July 2019) por Julien SIMON
Deep Learning on Amazon Sagemaker (July 2019)Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)
Julien SIMON709 visualizações
Automate your Amazon SageMaker Workflows (July 2019) por Julien SIMON
Automate your Amazon SageMaker Workflows (July 2019)Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)
Julien SIMON1.9K visualizações
Build, train and deploy ML models with Amazon SageMaker (May 2019) por Julien SIMON
Build, train and deploy ML models with Amazon SageMaker (May 2019)Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Julien SIMON689 visualizações

Último

Setting Up Your First CloudStack Environment with Beginners Challenges - MD R... por
Setting Up Your First CloudStack Environment with Beginners Challenges - MD R...Setting Up Your First CloudStack Environment with Beginners Challenges - MD R...
Setting Up Your First CloudStack Environment with Beginners Challenges - MD R...ShapeBlue
132 visualizações15 slides
State of the Union - Rohit Yadav - Apache CloudStack por
State of the Union - Rohit Yadav - Apache CloudStackState of the Union - Rohit Yadav - Apache CloudStack
State of the Union - Rohit Yadav - Apache CloudStackShapeBlue
253 visualizações53 slides
Business Analyst Series 2023 - Week 4 Session 7 por
Business Analyst Series 2023 -  Week 4 Session 7Business Analyst Series 2023 -  Week 4 Session 7
Business Analyst Series 2023 - Week 4 Session 7DianaGray10
126 visualizações31 slides
Kyo - Functional Scala 2023.pdf por
Kyo - Functional Scala 2023.pdfKyo - Functional Scala 2023.pdf
Kyo - Functional Scala 2023.pdfFlavio W. Brasil
449 visualizações92 slides
Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava... por
Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava...Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava...
Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava...ShapeBlue
101 visualizações17 slides
Microsoft Power Platform.pptx por
Microsoft Power Platform.pptxMicrosoft Power Platform.pptx
Microsoft Power Platform.pptxUni Systems S.M.S.A.
80 visualizações38 slides

Último(20)

Setting Up Your First CloudStack Environment with Beginners Challenges - MD R... por ShapeBlue
Setting Up Your First CloudStack Environment with Beginners Challenges - MD R...Setting Up Your First CloudStack Environment with Beginners Challenges - MD R...
Setting Up Your First CloudStack Environment with Beginners Challenges - MD R...
ShapeBlue132 visualizações
State of the Union - Rohit Yadav - Apache CloudStack por ShapeBlue
State of the Union - Rohit Yadav - Apache CloudStackState of the Union - Rohit Yadav - Apache CloudStack
State of the Union - Rohit Yadav - Apache CloudStack
ShapeBlue253 visualizações
Business Analyst Series 2023 - Week 4 Session 7 por DianaGray10
Business Analyst Series 2023 -  Week 4 Session 7Business Analyst Series 2023 -  Week 4 Session 7
Business Analyst Series 2023 - Week 4 Session 7
DianaGray10126 visualizações
Kyo - Functional Scala 2023.pdf por Flavio W. Brasil
Kyo - Functional Scala 2023.pdfKyo - Functional Scala 2023.pdf
Kyo - Functional Scala 2023.pdf
Flavio W. Brasil449 visualizações
Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava... por ShapeBlue
Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava...Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava...
Centralized Logging Feature in CloudStack using ELK and Grafana - Kiran Chava...
ShapeBlue101 visualizações
Microsoft Power Platform.pptx por Uni Systems S.M.S.A.
Microsoft Power Platform.pptxMicrosoft Power Platform.pptx
Microsoft Power Platform.pptx
Uni Systems S.M.S.A.80 visualizações
Mitigating Common CloudStack Instance Deployment Failures - Jithin Raju - Sha... por ShapeBlue
Mitigating Common CloudStack Instance Deployment Failures - Jithin Raju - Sha...Mitigating Common CloudStack Instance Deployment Failures - Jithin Raju - Sha...
Mitigating Common CloudStack Instance Deployment Failures - Jithin Raju - Sha...
ShapeBlue138 visualizações
The Role of Patterns in the Era of Large Language Models por Yunyao Li
The Role of Patterns in the Era of Large Language ModelsThe Role of Patterns in the Era of Large Language Models
The Role of Patterns in the Era of Large Language Models
Yunyao Li80 visualizações
CloudStack Managed User Data and Demo - Harikrishna Patnala - ShapeBlue por ShapeBlue
CloudStack Managed User Data and Demo - Harikrishna Patnala - ShapeBlueCloudStack Managed User Data and Demo - Harikrishna Patnala - ShapeBlue
CloudStack Managed User Data and Demo - Harikrishna Patnala - ShapeBlue
ShapeBlue94 visualizações
Igniting Next Level Productivity with AI-Infused Data Integration Workflows por Safe Software
Igniting Next Level Productivity with AI-Infused Data Integration Workflows Igniting Next Level Productivity with AI-Infused Data Integration Workflows
Igniting Next Level Productivity with AI-Infused Data Integration Workflows
Safe Software385 visualizações
Updates on the LINSTOR Driver for CloudStack - Rene Peinthor - LINBIT por ShapeBlue
Updates on the LINSTOR Driver for CloudStack - Rene Peinthor - LINBITUpdates on the LINSTOR Driver for CloudStack - Rene Peinthor - LINBIT
Updates on the LINSTOR Driver for CloudStack - Rene Peinthor - LINBIT
ShapeBlue166 visualizações
How to Re-use Old Hardware with CloudStack. Saving Money and the Environment ... por ShapeBlue
How to Re-use Old Hardware with CloudStack. Saving Money and the Environment ...How to Re-use Old Hardware with CloudStack. Saving Money and the Environment ...
How to Re-use Old Hardware with CloudStack. Saving Money and the Environment ...
ShapeBlue123 visualizações
"Surviving highload with Node.js", Andrii Shumada por Fwdays
"Surviving highload with Node.js", Andrii Shumada "Surviving highload with Node.js", Andrii Shumada
"Surviving highload with Node.js", Andrii Shumada
Fwdays53 visualizações
Data Integrity for Banking and Financial Services por Precisely
Data Integrity for Banking and Financial ServicesData Integrity for Banking and Financial Services
Data Integrity for Banking and Financial Services
Precisely78 visualizações
Zero to Cloud Hero: Crafting a Private Cloud from Scratch with XCP-ng, Xen Or... por ShapeBlue
Zero to Cloud Hero: Crafting a Private Cloud from Scratch with XCP-ng, Xen Or...Zero to Cloud Hero: Crafting a Private Cloud from Scratch with XCP-ng, Xen Or...
Zero to Cloud Hero: Crafting a Private Cloud from Scratch with XCP-ng, Xen Or...
ShapeBlue158 visualizações
VNF Integration and Support in CloudStack - Wei Zhou - ShapeBlue por ShapeBlue
VNF Integration and Support in CloudStack - Wei Zhou - ShapeBlueVNF Integration and Support in CloudStack - Wei Zhou - ShapeBlue
VNF Integration and Support in CloudStack - Wei Zhou - ShapeBlue
ShapeBlue163 visualizações
Backup and Disaster Recovery with CloudStack and StorPool - Workshop - Venko ... por ShapeBlue
Backup and Disaster Recovery with CloudStack and StorPool - Workshop - Venko ...Backup and Disaster Recovery with CloudStack and StorPool - Workshop - Venko ...
Backup and Disaster Recovery with CloudStack and StorPool - Workshop - Venko ...
ShapeBlue144 visualizações
Confidence in CloudStack - Aron Wagner, Nathan Gleason - Americ por ShapeBlue
Confidence in CloudStack - Aron Wagner, Nathan Gleason - AmericConfidence in CloudStack - Aron Wagner, Nathan Gleason - Americ
Confidence in CloudStack - Aron Wagner, Nathan Gleason - Americ
ShapeBlue88 visualizações
Future of AR - Facebook Presentation por Rob McCarty
Future of AR - Facebook PresentationFuture of AR - Facebook Presentation
Future of AR - Facebook Presentation
Rob McCarty62 visualizações
NTGapps NTG LowCode Platform por Mustafa Kuğu
NTGapps NTG LowCode Platform NTGapps NTG LowCode Platform
NTGapps NTG LowCode Platform
Mustafa Kuğu365 visualizações

Deep Learning: concepts and use cases (October 2018)

  • 1. Deep Learning: concepts and use cases Julien Simon Principal Technical Evangelist, AI and Machine Learning, AWS @julsimon October 2018
  • 2. What to expect • An introduction to Deep Learning theory • Neurons & Neural Networks • The Training Process • Backpropagation • Optimizers • Common network architectures and use cases • Convolutional Neural Networks • Recurrent Neural Networks • Long Short Term Memory Networks • Generative Adversarial Networks • Getting started
  • 3. • Artificial Intelligence: design software applications which exhibit human-like behavior, e.g. speech, natural language processing, reasoning or intuition • Machine Learning: using statistical algorithms, teach machines to learn from featurized data without being explicitly programmed • Deep Learning: using neural networks, teach machines to learn from complex data where features cannot be explicitly expressed
  • 4. An introduction to Deep Learning theory
  • 5. Activation functionsThe neuron ! "#$ % xi ∗ wi + b = u ”Multiply and Accumulate” Source: Wikipedia bias
  • 6. x = x11, x12, …. x1I x21, x22, …. x2I … … … xm1, xm2, …. xmI I features m samples y = 2 0 … 4 m labels, N2 categories 0,0,1,0,0,…,0 1,0,0,0,0,…,0 … 0,0,0,0,1,…,0 One-hot encoding Neural networks B u i l d i n g a s i m p l e c l a s s i f i e r Biases are ignored for the rest of this discussion
  • 7. x = x11, x12, …. x1I x21, x22, …. x2I … … … xm1, xm2, …. xmI I features m samples y = 2 0 … 4 m labels, N2 categories Total number of predictions Accuracy = Number of correct predictions 0,0,1,0,0,…,0 1,0,0,0,0,…,0 … 0,0,0,0,1,…,0 One-hot encoding Neural networks B u i l d i n g a s i m p l e c l a s s i f i e r
  • 8. Initially, the network will not predict correctly f(X1) = Y’1 A loss function measures the difference between the real label Y1 and the predicted label Y’1 error = loss(Y1, Y’1) For a batch of samples: ! "#$ %&'() *"+, loss(Yi, Y’i) = batch error The purpose of the training process is to minimize error by gradually adjusting weights. Neural networks B u i l d i n g a s i m p l e c l a s s i f i e r
  • 9. Mini-batch Training Training data set Training Trained neural network Batch size Learning rate Number of epochs Hyper parameters Backpropagation Forward propagation
  • 10. Validation Validation data set (also called dev set) Neural network in training Validation accuracy Prediction at the end of each epoch This data set must have the same distribution as real-life samples, or else validation accuracy won’t reflect real-life accuracy.
  • 11. Test Test data set Fully trained neural network Test accuracy Prediction at the end of experimentation This data set must have the same distribution as real-life samples, or else test accuracy won’t reflect real-life accuracy.
  • 12. Stochastic Gradient Descent (1951) Imagine you stand on top of a mountain (…). You want to get down to the valley as quickly as possible, but there is fog and you can only see your immediate surroundings. How can you get down the mountain as quickly as possible? You look around and identify the steepest path down, go down that path for a bit, again look around and find the new steepest path, go down that path, and repeat—this is exactly what gradient descent does. Tim Dettmers, University of Lugano, 2015 https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-history-training/ The « step size » depends on the learning rate z=f(x,y)
  • 13. Finding the slope with Derivatives Source: Wikipedia, Oklahoma State University, Khan Academy End-to-end example of computing backpropagation with partial derivatives: https://mattmazur.com/2015/03/17/a-step-by-step- backpropagation-example
  • 14. Local minima and saddle points « Do neural networks enter and escape a series of local minima? Do they move at varying speed as they approach and then pass a variety of saddle points? Answering these questions definitively is difficult, but we present evidence strongly suggesting that the answer to all of these questions is no. » « Qualitatively characterizing neural network optimization problems », Goodfellow et al, 2015 https://arxiv.org/abs/1412.6544
  • 15. Optimizers https://medium.com/@julsimon/tumbling-down-the-sgd-rabbit-hole-part-1-740fa402f0d7 SGD works remarkably well and is still widely used. Adaptative optimizers use a variable learning rate. Some even use a learning rate per dimension (Adam).
  • 16. Early stopping Training accuracy Loss function Accuracy 100% Epochs Validation accuracy Loss Best epoch OVERFITTING « Deep Learning ultimately is about finding a minimum that generalizes well, with bonus points for finding one fast and reliably », Sebastian Ruder
  • 18. Fully Connected Networks are nice, but… • What if we need lots of layers in order to extract complex features? • The number of parameters increases very quickly with the number of layers • Overfitting is a constant problem • What about large data? • 256x256 images = 65,535 input neurons ? • What about 2D/3D data ? Won’t we lose lots of info by flattening it? • Images, videos, etc. • What about sequential data, where the order of samples is important? • Translating text • Predicting time series
  • 20. Convolutional Neural Networks (CNN) Le Cun, 1998: handwritten digit recognition, 32x32 pixels https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-core-concepts/
  • 21. Source: http://timdettmers.com Extracting features with convolution Convolution extracts features automatically. Kernel parameters are learned during the training process.
  • 22. Downsampling images with pooling Source: Stanford University Pooling shrinks images while preserving significant information.
  • 23. Classification, detection, segmentation https://github.com/dmlc/gluon-cv Based on models published in 2015-2017 [electric_guitar], with probability 0.671 Gluon
  • 24. Face Detection https://github.com/tornadomeet/mxnet-face Based on models published 2015-2016 https://github.com/deepinsight/insightface https://arxiv.org/abs/1801.07698 January 2018 Face Recognition LFW 99.80%+ Megaface 98%+ with a single model MXNetMXNet
  • 27. Caffe 2 Real-Time Pose Estimation: DensePose https://github.com/facebookresearch/DensePose February 2018
  • 29. Recurrent Neural Networks (RNN) http://karpathy.github.io/2015/05/21/rnn-effectiveness/ Image captioning Sentiment analysis Machine translation Video frame labeling
  • 31. Long Short Term Memory Networks (LSTM) Hochreiter and Schmidhuber,1997 • A LSTM neuron computes the output based on the input and a previous state • LSTM neurons have « short-term memory » • They do a better job than RNN at predicting longer sequences of data
  • 32. Machine Translation – AWS Sockeye https://github.com/awslabs/sockeye MXNet
  • 33. OCR – Tesseract 4.0 (beta) https://github.com/tesseract-ocr/tesseract/wiki/NeuralNetsInTesseract4.00 https://www.learnopencv.com/deep-learning-based-text-recognition-ocr-using-tesseract-and-opencv/
  • 35. Generative Adversarial Networks Goodfellow, 2014 https://arxiv.org/abs/1406.2661 https://medium.com/@julsimon/generative-adversarial-networks-on-apache-mxnet-part-1-b6d39e6b5df1 Generator Building images from random vectors Detector Learning to detect real samples from generated ones Gradient updates
  • 36. GAN: Welcome to the (un)real world, Neo Generating new ”celebrity” faces https://github.com/tkarras/progressive_growing_of_gans April 2018 From semantic map to 2048x1024 picture https://tcwang0509.github.io/pix2pixHD/ November 2017 TF PyTorch
  • 37. GAN: Everybody dance now https://arxiv.org/abs/1808.07371 https://www.youtube.com/watch?v=PCBTZh41Ris August 2018
  • 41. Thank you! Julien Simon Principal Technical Evangelist, AI and Machine Learning, AWS @julsimon