SlideShare a Scribd company logo
An Introduction to Deep Learning
Julien Simon
Principal Evangelist, Artificial Intelligence & Machine Learning
@julsimon
What to expect
• An introduction to Deep Learning
• Common network architectures and use cases
• Resources
• Artificial Intelligence: design software applications which exhibit
human-like behavior, e.g. speech, natural language processing,
reasoning or intuition
• Machine Learning: teach machines to learn without being
explicitly programmed
• Deep Learning: using neural networks, teach machines to learn
from complex data where features cannot be explicitly expressed
Myth: AI is dark magic
aka « You’re not smart enough »
Fact: AI is math, code and chips
A bit of Science, a lot of Engineering
An introduction to Deep Learning
Activation functions
The neuron
i=1
l
xi ∗ wi = u
”Multiply and Accumulate”
Source: Wikipedia
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
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
Neural networks
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:
𝑖=1
𝑏𝑎𝑡𝑐ℎ 𝑠𝑖𝑧𝑒
loss(Yi, Y’i) = batch error
The purpose of the training process is to
minimize error by gradually adjusting weights
Training
Training data set Training
Trained
neural network
Batch size
Learning rate
Number of epochs
Hyper parameters
Backpropagation
Stochastic Gradient Descent (SGD)
Imagine you stand on top of a mountain with skis
strapped to your feet. 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 » is called
the learning rate
z=f(x,y)
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.cim/@julsimon/tumbling-down-the-sgd-rabbit-hole-part-1-740fa402f0d7
Validation
Validation data set Trained
neural network
Validation
accuracy
Prediction at
the end of
each epoch
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
Convolutional Neural Networks (CNN)
Le Cun, 1998: handwritten digit recognition, 32x32 pixels
Convolution and pooling reduce dimensionality
https://devblogs.nvidia.com/parallelforall/deep-learning-nutshell-core-concepts/
Source: http://timdettmers.com
Extracting features with convolution
Kernel parameters are discovered during the training process.
Downsampling images with pooling
Source: Stanford
Object Detection
https://github.com/precedenceguo/mx-rcnn https://github.com/zhreshold/mxnet-yolo
Object Segmentation
https://github.com/TuSimple/mx-maskrcnn
Text Detection and Recognition
https://github.com/Bartzi/stn-ocr
Face Detection
https://github.com/tornadomeet/mxnet-face
Real-Time Pose Estimation
https://github.com/dragonfly90/mxnet_Realtime_Multi-Person_Pose_Estimation
Long Short Term Memory Networks (LSTM)
• A LSTM neuron computes the
output based on the input and a
previous state
• LSTM networks have memory
• They’re great at predicting
sequences, e.g. machine
translation
Machine Translation
https://github.com/awslabs/sockeye
GAN: Welcome to the (un)real world, Neo
Generating new ”celebrity” faces
https://github.com/tkarras/progressive_growing_of_gans
From semantic map to 2048x1024 picture
https://tcwang0509.github.io/pix2pixHD/
Wait! There’s more!
Models can also generate text from text, text from images, text from
video, images from text, sound from video,
3D models from 2D images, etc.
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Resources
https://aws.amazon.com/machine-learning
https://aws.amazon.com/blogs/ai
https://gluon.mxnet.io
http://ruder.io/optimizing-gradient-descent/
http://ruder.io/deep-learning-optimization-2017/
https://medium.com/@julsimon
Thank you!
Julien Simon
Principal Evangelist,Artificial Intelligence & Machine Learning
@julsimon

More Related Content

PDF
Introduction to Deep learning
PPTX
Introduction to Deep Learning
PPTX
Deep learning intro
PDF
Tutorial on Deep Learning
PPTX
Geek Night 17.0 - Artificial Intelligence and Machine Learning
PPTX
Deep Learning - A Literature survey
PDF
Deep Learning: concepts and use cases (October 2018)
PDF
Deep learning
Introduction to Deep learning
Introduction to Deep Learning
Deep learning intro
Tutorial on Deep Learning
Geek Night 17.0 - Artificial Intelligence and Machine Learning
Deep Learning - A Literature survey
Deep Learning: concepts and use cases (October 2018)
Deep learning

What's hot (20)

PDF
Deep Learning: a birds eye view
PPTX
Deep learning
PDF
Deep Learning - Convolutional Neural Networks
PPTX
Deep Learning: Chapter 11 Practical Methodology
PPTX
HML: Historical View and Trends of Deep Learning
PDF
Deep learning - Conceptual understanding and applications
PPTX
An Introduction to Deep Learning I AWS Dev Day 2018
PDF
Deep Learning And Business Models (VNITC 2015-09-13)
PDF
Machine Learning and Deep Learning with R
PDF
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
PDF
Deep Neural Networks 
that talk (Back)… with style
PDF
Deep learning - A Visual Introduction
PDF
Language translation with Deep Learning (RNN) with TensorFlow
 
PPTX
Andrew Ng, Chief Scientist at Baidu
PPTX
An introduction to Deep Learning
PDF
An Introduction to Deep Learning
PPTX
Introduction to Deep Learning
PDF
Convolutional neural network
PDF
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
PDF
Deep Learning
Deep Learning: a birds eye view
Deep learning
Deep Learning - Convolutional Neural Networks
Deep Learning: Chapter 11 Practical Methodology
HML: Historical View and Trends of Deep Learning
Deep learning - Conceptual understanding and applications
An Introduction to Deep Learning I AWS Dev Day 2018
Deep Learning And Business Models (VNITC 2015-09-13)
Machine Learning and Deep Learning with R
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Deep Neural Networks 
that talk (Back)… with style
Deep learning - A Visual Introduction
Language translation with Deep Learning (RNN) with TensorFlow
 
Andrew Ng, Chief Scientist at Baidu
An introduction to Deep Learning
An Introduction to Deep Learning
Introduction to Deep Learning
Convolutional neural network
MDEC Data Matters Series: machine learning and Deep Learning, A Primer
Deep Learning
Ad

Similar to An Introduction to Deep Learning (April 2018) (20)

PDF
An Introduction to Deep Learning (May 2018)
PDF
An Introduction to Deep Learning (March 2018)
PPTX
Introduction to deep learning
PPTX
Deep learning tutorial 9/2019
PPTX
Deep Learning Tutorial
PDF
Putting the Magic in Data Science
PDF
An introduction to Deep Learning
PDF
Introduction to Deep Learning: Concepts, Architectures, and Applications
PPTX
Artificial Intelligence is back, Deep Learning Networks and Quantum possibili...
PDF
DEF CON 24 - Clarence Chio - machine duping 101
PPTX
Promises of Deep Learning
PPTX
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
PDF
introduction to deeplearning
PDF
Deep Dive on Deep Learning (June 2018)
PDF
Deep Learning Class #0 - You Can Do It
PDF
DL Classe 0 - You can do it
PDF
Deep learning: Cutting through the Myths and Hype
PDF
Deep learning introduction
PDF
nncollovcapaldo2013-131220052427-phpapp01.pdf
PDF
nncollovcapaldo2013-131220052427-phpapp01.pdf
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (March 2018)
Introduction to deep learning
Deep learning tutorial 9/2019
Deep Learning Tutorial
Putting the Magic in Data Science
An introduction to Deep Learning
Introduction to Deep Learning: Concepts, Architectures, and Applications
Artificial Intelligence is back, Deep Learning Networks and Quantum possibili...
DEF CON 24 - Clarence Chio - machine duping 101
Promises of Deep Learning
Deep Learning for Data Scientists - Data Science ATL Meetup Presentation, 201...
introduction to deeplearning
Deep Dive on Deep Learning (June 2018)
Deep Learning Class #0 - You Can Do It
DL Classe 0 - You can do it
Deep learning: Cutting through the Myths and Hype
Deep learning introduction
nncollovcapaldo2013-131220052427-phpapp01.pdf
nncollovcapaldo2013-131220052427-phpapp01.pdf
Ad

More from Julien SIMON (20)

PDF
Implementing high-quality and cost-effiient AI applications with small langua...
PDF
Optimiser vos workloads AI/ML sur Amazon EC2 et AWS Graviton
PDF
Trying to figure out MCP by actually building an app from scratch with open s...
PDF
Arcee AI - building and working with small language models (06/25)
PDF
deep_dive_multihead_latent_attention.pdf
PDF
Deep Dive: Model Distillation with DistillKit
PDF
Deep Dive: Parameter-Efficient Model Adaptation with LoRA and Spectrum
PDF
Building High-Quality Domain-Specific Models with Mergekit
PDF
Tailoring Small Language Models for Enterprise Use Cases
PDF
Tailoring Small Language Models for Enterprise Use Cases
PDF
Julien Simon - Deep Dive: Compiling Deep Learning Models
PDF
Tailoring Small Language Models for Enterprise Use Cases
PDF
Julien Simon - Deep Dive - Optimizing LLM Inference
PDF
Julien Simon - Deep Dive - Accelerating Models with Better Attention Layers
PDF
Julien Simon - Deep Dive - Quantizing LLMs
PDF
Julien Simon - Deep Dive - Model Merging
PDF
An introduction to computer vision with Hugging Face
PDF
Reinventing Deep Learning
 with Hugging Face Transformers
PDF
Building NLP applications with Transformers
PPTX
Building Machine Learning Models Automatically (June 2020)
Implementing high-quality and cost-effiient AI applications with small langua...
Optimiser vos workloads AI/ML sur Amazon EC2 et AWS Graviton
Trying to figure out MCP by actually building an app from scratch with open s...
Arcee AI - building and working with small language models (06/25)
deep_dive_multihead_latent_attention.pdf
Deep Dive: Model Distillation with DistillKit
Deep Dive: Parameter-Efficient Model Adaptation with LoRA and Spectrum
Building High-Quality Domain-Specific Models with Mergekit
Tailoring Small Language Models for Enterprise Use Cases
Tailoring Small Language Models for Enterprise Use Cases
Julien Simon - Deep Dive: Compiling Deep Learning Models
Tailoring Small Language Models for Enterprise Use Cases
Julien Simon - Deep Dive - Optimizing LLM Inference
Julien Simon - Deep Dive - Accelerating Models with Better Attention Layers
Julien Simon - Deep Dive - Quantizing LLMs
Julien Simon - Deep Dive - Model Merging
An introduction to computer vision with Hugging Face
Reinventing Deep Learning
 with Hugging Face Transformers
Building NLP applications with Transformers
Building Machine Learning Models Automatically (June 2020)

Recently uploaded (20)

PPTX
Spectroscopy.pptx food analysis technology
PDF
Network Security Unit 5.pdf for BCA BBA.
PDF
cuic standard and advanced reporting.pdf
PDF
Reach Out and Touch Someone: Haptics and Empathic Computing
PDF
Encapsulation_ Review paper, used for researhc scholars
PDF
Agricultural_Statistics_at_a_Glance_2022_0.pdf
PPTX
A Presentation on Artificial Intelligence
PPTX
MYSQL Presentation for SQL database connectivity
PDF
Review of recent advances in non-invasive hemoglobin estimation
PDF
gpt5_lecture_notes_comprehensive_20250812015547.pdf
PDF
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
PPT
Teaching material agriculture food technology
PDF
The Rise and Fall of 3GPP – Time for a Sabbatical?
PDF
Approach and Philosophy of On baking technology
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PDF
Spectral efficient network and resource selection model in 5G networks
PDF
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
PPTX
Cloud computing and distributed systems.
PPTX
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
PDF
Mobile App Security Testing_ A Comprehensive Guide.pdf
Spectroscopy.pptx food analysis technology
Network Security Unit 5.pdf for BCA BBA.
cuic standard and advanced reporting.pdf
Reach Out and Touch Someone: Haptics and Empathic Computing
Encapsulation_ Review paper, used for researhc scholars
Agricultural_Statistics_at_a_Glance_2022_0.pdf
A Presentation on Artificial Intelligence
MYSQL Presentation for SQL database connectivity
Review of recent advances in non-invasive hemoglobin estimation
gpt5_lecture_notes_comprehensive_20250812015547.pdf
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
Teaching material agriculture food technology
The Rise and Fall of 3GPP – Time for a Sabbatical?
Approach and Philosophy of On baking technology
Building Integrated photovoltaic BIPV_UPV.pdf
Spectral efficient network and resource selection model in 5G networks
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
Cloud computing and distributed systems.
VMware vSphere Foundation How to Sell Presentation-Ver1.4-2-14-2024.pptx
Mobile App Security Testing_ A Comprehensive Guide.pdf

An Introduction to Deep Learning (April 2018)