SlideShare a Scribd company logo
1 of 93
Download to read offline
DEEP
LEARNINGAPPLICATION AND
OPPORTUNITY
Speaker: Tarun Sukhani
iTrain Malaysia www.itrain.com.my iTrain Malaysia
AGENDA
• History & Introduction
• Available Algorithms and Tools
• Outlook
• Supervised Learning
• Convolutional Neural Network
• Sequence Modelling: RNN and its extensions
• Unsupervised Learning
• Autoencoder
• Stacked Denoising Autoencoder
• Reinforcement Learning
• Deep Reinforcement Learning
• Applications
HISTORY – IN THE BEGINNING, THERE
WAS…
HISTORY – TIMELINE
HISTORICAL WAVES
HISTORICAL TRENDS: GROWING
DATASETS
HISTORY – THE BIG BANG – ONE NET TO
RULE THEM ALL
HISTORY – WHAT CHANGED?
THE BIG PLAYERS - RESEARCHERS
THE BIG PLAYERS - COMPANIES
THE BIG PLAYERS - STARTUPS
INTEREST – GOOGLE NGRAM AND TRENDS
HYPE OR REALITY? - SOME QUOTES
HYPE OR REALITY? – DEEP LEARNING AT
GOOGLE
MACHINE LEARNING AND AI
WHAT IS ARTIFICIAL INTELLIGENCE?
WHAT IS MACHINE LEARNING?
MACHINE LEARNING APPROACHES
MACHINE LEARNING PROBLEM TYPES
WHAT IS DEEP LEARNING?
LEARNING MULTIPLE COMPONENTS
Figure 1.5
REPRESENTATIONS MATTER
INTRODUCTION
• Traditional pattern recognition models use hand-
crafted features and relatively simple trainable
classifiers.
• This approach has the following limitations:
• It is very tedious and costly to develop hand-crafted features
• These hand-crafted features are usually highly dependent on
one application, and cannot be transferred easily to other
applications – ie, they are not generalizable.
Hand-crafted
Feature
Extractor
“Simple”
Trainable
Classifier
Output
DEEP LEARNING – NO MORE FEATURE
ENGINEERING
DEEP LEARNING – ARCHITECTURE
DEEP LEARNING
• Deep learning (a.k.a. representation learning)
seeks to learn rich hierarchical representations (i.e.
features) automatically through multiple stages of
a feature learning process.
Low-level
features
Output
Mid-level
features
High-level
features
Trainable
classifier
Feature visualization of convolutional net trained on ImageNet
(Zeiler and Fergus, 2013)
LEARNING HIERARCHICAL
REPRESENTATIONS
• Hierarchy of representations with increasing levels
of abstraction. Each stage is a kind of trainable
nonlinear feature transform.
• Image recognition
• Pixel → edge → shape → part → object
• Text
• Character → word → word group → clause → sentence
→ story
• Speech
• Sample → spectral band → sound→ …→ phoneme →
Low-level
features
Output
Mid-level
features
High-level
features
Trainable
classifier
Increasing levels of abstraction
THE MAMMALIAN VISUAL CORTEX IS
HIERARCHICAL
THE MAMMALIAN VISUAL CORTEX IS
HIERARCHICAL
• It is good to be inspired by
nature, but not too much.
• We need to understand
which details are
important, and which
details are merely the
result of evolution.
• Each module in Deep
Learning transforms its
input representation into a
higher-level one, in a way
similar to the mammalian
visual cortex.
(van Essen and Gallant, 1994)
ARTIFICIAL NEURAL NETWORKS (ANN’S)
DEPTH: REPEATED COMPOSITION
LEARNING HIERARCHICAL
REPRESENTATIONS
LEARNING HOW TO LEARN
Deep Learning addresses the problem of learning hierarchical
representations with a single algorithm
THE NEURON
NUMBER OF NEURONS
CONNECTIONS PER NEURON
NON-LINEAR ACTIVATION FUNCTION
THE TRAINING PROCESS
IMPROVING THE NET – ERROR
CORRECTION
AVAILABLE DEEP LEARNING ALGORITHMS:
AUTOENCODERS
AVAILABLE DEEP LEARNING ALGORITHMS:
CONVOLUTIONAL NEURAL NETS (CNN‘S)
AVAILABLE DEEP LEARNING ALGORITHMS:
RECURRENT NEURAL NETS (RNN’S)
AVAILABLE DEEP LEARNING ALGORITHMS:
RECURRENT NEURAL NETS (RNN’S)
AVAILABLE DEEP LEARNING ALGORITHMS:
LONG SHORT-TERM MEMORY RNN (LSTM’S)
DEEP LEARNING APPLICATIONS:
USING RNN’S TO GENERATE TEXT
DEEP LEARNING APPLICATIONS:
USING RNN’S TO GENERATE TEXT
DEEP LEARNING APPLICATIONS:
IMAGE CAPTIONING – COMBINING CNN’S
AND RNN’S
DEEP LEARNING APPLICATIONS:
USAGE REQUIREMENTS
DEEP LEARNING APPLICATIONS:
AVAILABLE TOOLS – ALL OPEN SOURCE!
DEEP LEARNING APPLICATIONS:
COMPUTING RESOURCES
DEEP LEARNING APPLICATIONS:
OUTLOOK
DEEP LEARNING APPLICATIONS:
OUTLOOK
DEEP LEARNING APPLICATIONS:
OUTLOOK
SUPERVISED LEARNING
• Convolutional Neural Network
• Sequence Modelling
• Why do we need RNN?
• What are RNNs?
• RNN Extensions
• What can RNNs can do?
CONVOLUTIONAL NEURAL NETWORK
• Input can have very high dimension. Using a fully-connected
neural network would need a large amount of parameters.
• Inspired by the neurophysiological experiments conducted
by [Hubel & Wiesel 1962], CNNs are a special type of neural
network whose hidden units are only connected to local
receptive field. The number of parameters needed by CNNs
is much smaller.
Example: 200x200 image
a) fully connected: 40,000
hidden units => 1.6
billion parameters
b) CNN: 5x5 kernel, 100
feature maps => 2,500
parameters
THREE STAGES OF A
CONVOLUTIONAL LAYER
1. Convolution stage
2. Nonlinearity: a nonlinear
transform such as rectified
linear or 𝐭𝐚𝐧𝐡
3. Pooling: output a summary
statistics of local input, such
as max pooling and average
pooling
CONVOLUTION OPERATION IN CNN
• Input: an image (2-D array) x
• Convolution kernel/operator(2-D array of learnable parameters):
w
• Feature map (2-D array of processed data): s
• Convolution operation in 2-D domains:
MULTIPLE CONVOLUTIONS
Usually there are multiple feature
maps, one for each convolution
operator.
NON-LINEARITY
Tanh(x) ReLU
tanh x =
ex
− e−x
ex + e−x
𝑓 𝑥 = max(0, 𝑥)
POOLING
• Common pooling operations:
• Max pooling: reports the maximum output within a
rectangular neighborhood.
• Average pooling: reports the average output of a
rectangular neighborhood (possibly weighted by
the distance from the central pixel).
DEEP CNN: WINNER
OF IMAGENET 2012
• Multiple feature maps per convolutional layer.
• Multiple convolutional layers for extracting features at different
levels.
• Higher-level layers take the feature maps in lower-level layers as
input.
(Alex et al., 2012)
SEQUENCE MODELLING
• Why do we need RNN?
• What are RNNs?
• RNN Extensions
• What can RNNs can do?
WHY DO WE NEED RNNS?
The limitations of the Neural network (CNNs)
• Rely on the assumption of independence among the
(training and test) examples.
• After each data point is processed, the entire state of the
network is lost
• Rely on examples being vectors of fixed length
We need to model the data with temporal or
sequential structures and varying length of
inputs and outputs
• Frames from video
• Snippets of audio
• Words pulled from sentences
Recurrent neural networks (RNNs) are connectionist models
with the ability to selectively pass information across sequence
steps, while processing sequential data one element at a time.
The simplest form of fully recurrent
neural network is an MLP with the
previous set of hidden unit activations
feeding back into the network along with
the inputs
ℎ 𝑡 = 𝑓𝐻 𝑊𝐼𝐻 𝑥 𝑡 + 𝑊𝐻𝐻ℎ(𝑡 − 1)
𝑦 𝑡 = 𝑓𝑂(𝑊𝐻𝑂ℎ(𝑡))
𝑓𝐻 and 𝑓𝑂 are the activation function for
hidden and output unit; 𝑊𝐼𝐻, 𝑊𝐻𝐻, and
𝑊𝐻𝑂 are connection weight matrices which
are learnt by training
Allow a ‘memory’ of previous inputs to persist in
the network’s internal state, and thereby
influence the network output
WHAT ARE RNNS?
An unfolded recurrent network. Each node represents a layer of network units at a single time
step. The weighted connections from the input layer to hidden layer are labelled ‘w1’, those from
the hidden layer to itself (i.e. the recurrent weights) are labelled ‘w2’ and the hidden to output
weights are labelled‘w3’. Note that the same weights are reused at every time step. Bias weights
are omitted for clarity.
WHAT ARE RNNS?
• The recurrent network can be converted into a feed-
forward network by unfolding over time
ℎ 𝑡 = 𝑓(𝑊 𝑥ℎ 𝑥 𝑡 + 𝑊ℎℎℎ 𝑡−1 + 𝑏ℎ)
ℎ 𝑡 = 𝑓(𝑊 𝑥ℎ 𝑥 𝑡 + 𝑊ℎℎℎ 𝑡−1 + 𝑏ℎ)
𝑦𝑡 = 𝑊ℎ𝑦ℎ 𝑡 + 𝑊ℎ𝑦ℎ 𝑡 + 𝑏 𝑦
training
sequence
forwards and
backwards to
two separate
recurrent
hidden layers
past and future context
determines the output
An unfolded
BRNN
RNN EXTENSIONS: BIDIRECTIONAL
RECURRENT NEURAL NETWORKS
Traditional RNNs only model the dependence of the current state
on the previous state, BRNNs (Schuster and Paliwal, 1997) extend
to model dependence on both past states and future states.
For example: predicting a missing word in a sequence you want to
look at both the left and the right context.
A gating mechanism of
the LSTM , which
generates the current
hidden state by the paste
hidden state and current
input ..It contains five
modules: input gate, new
memory cell, forget gate,
final memory generation,
and output gate.
RNN EXTENSIONS: LONG SHORT-TERM
MEMORY
The vanishing gradient problem prevents standard RNNs from learning
long-term dependencies. LSTMs (Hochreiter and Schmidhuber, 1997)
were designed to combat vanishing gradients through
a gating mechanism.
RNN EXTENSIONS:
LONG SHORT-TERM MEMORY
LSTMs contain information outside the normal flow
of the recurrent network in a gated cell. Information
can be stored in, written to, or read from a cell, much
like data in a computer’s memory. The cells learn
when to allow data to enter, leave or be deleted
through the iterative process of making guesses,
back-propagating error, and adjusting weights via
gradient descent.
Conclusions on LSTM
RNN EXTENSIONS:
LONG SHORT-TERM MEMORY
Why LSTM can combat the vanish gradient problem
LSTMs help preserve the error that can be back-
propagated through time and layers. By
maintaining a more constant error, they allow
recurrent nets to continue to learn over many time
steps (over 1000), thereby opening a channel to
link causes and effects remotely
What can RNNs can do?
Machine Translation Visual Question Answering
In machine translation, the input is a sequence
of words in source language, and the output is
a sequence of words in target language.
Encoder-decoder architecture for machine translation
Encoder: An
RNN to
encode the
input
sentence into
a hidden state
(feature)
Decoder: An RNN with
the hidden state of the
sentence in source
language as the input
and output the
translated sentence
MACHINE TRANSLATION
VQA: Given an image and a natural language
question about the image, the task is to provide
an accurate natural language answer
VISUAL QUESTION ANSWERING (VQA)
Picture from (Antol et al., 2015)
The output is to be conditioned on both image and
textual inputs. A CNN is used to encode the image and a
RNN is implemented to encode the sentence.
VISUAL QUESTION ANSWERING
UNSUPERVISED LEARNING
• Autoencoders
• Deep Autoencoders
• Denoising Autoencoders
• Stacked Denoising Autoencoders
AUTOENCODERS
An Autoencoder is a
feedforward neural network
that learns to predict the input
itself in the output.
𝑦(𝑖)
= 𝑥(𝑖)
• The input-to-hidden part
corresponds to an encoder
• The hidden-to-output part
corresponds to a decoder.
DEEP AUTOENCODERS
• A deep Autoencoder is
constructed by
extending the encoder
and decoder of
autoencoder with
multiple hidden layers.
• Gradient vanishing
problem: the gradient
becomes too small as
it passes back through
many layers
Diagram from (Hinton and Salakhutdinov, 2006)
TRAINING DEEP AUTOENCODERS
Diagram from (Hinton and Salakhutdinov, 2006)
DENOISING AUTOENCODERS
By adding stochastic noise to the layers, it can
force Autoencoder to learn more robust features.
TRAINING DENOISING
AUTOENCODER ON MNIST
The following pictures show the difference between the
resulting filters of Denoising Autoencoder trained on
MNIST with different noise ratios.
No noise (noise ratio=0%) noise ratio=30%
Diagram from (Hinton and Salakhutdinov, 2006)
DEEP REINFORCEMENT LEARNING
• Reinforcement Learning
• Deep Reinforcement Learning
• Applications
• Playing Atari Games
• AlphaGO
REINFORCEMENT LEARNING
What’s Reinforcement Learning?
Environment
Agent
{Observation, Reward} {Actions}
• Agent interacts with an environment and learns by maximizing
a scalar reward signal
• No labels or any other supervision signal.
• Previously suffering from hand-craft states or representation.
POLICIES AND VALUE FUNCTIONS
• Policy 𝜋 is a behavior function selecting actions given
states
𝑎 = 𝜋(s)
• Value function 𝑄 𝜋
(s,a) is expected total reward 𝑟 from
state s and action a under policy 𝜋
“How good is action 𝑎 in state 𝑠?”
APPROACHES TO
REINFORCEMENT LEARNING
• Policy-based RL
• Search directly for the optimal policy 𝛑∗
• Policy achieving maximum future reward
• Value-based RL
• Estimate the optimal value function 𝐐∗(s,a)
• Maximum value achievable under any policy
• Model-based RL
• Build a transition model of the environment
• Plan (e.g. by look-ahead) using model
DEMO & Q/A
ABOUT THE
SPEAKER
ABOUT THE SPEAKER
• Tarun Sukhani has 16 years of both academic and industry experience as a data scientist over the
course of his career. Starting off as an EAI consultant in the USA, Tarun was involved in a number
of integration/ETL projects for a variety of Fortune 500 and Global 1000 clients, such as BP
Amoco, Praxair, and GE Medical Systems. While completing his Master's degree in Data
Warehousing, Data Mining, and Business Intelligence at Loyola University Chicago GSB in 2005,
Tarun also worked as a BI consultant for a number of Fortune 500 clients at Revere Consulting, a
Chicago-based boutique IT firm focusing on Data Warehousing/Mining projects. Within the
industry, he worked on ETL/Data Science/Machine Learning projects at Profitera, Experian, Atex,
E-Radar, ICarAsia, and Max Money. Some of the tools employed during his career included Oracle
BI, Informatica, Cognos, Business Objects, Pentaho, Apache Mahout, Spark MLib, Apache UIMA
and Temis. Tarun continues to work within the BI space, most recently focusing his time on
Deep/Reinforcement Learning projects within the Fintech sector.
• Tarun has worked on parametric statistical modeling as well within the Data Science and Big Data
Science space, using tools such as SciPy in Python and R and R/Hadoop for Big Data projects.
• Tarun is the principal Data Science trainer for iTrain Asia Singapore.
• Tarun has his own consulting firm - Abundent is a Digital Transformation and Big Data Analytics
company specializing in modernizing IT infrastructure and development practices across a wide
range of industries.
We Enable Industry 4.0
Abundent is a Digital Transformation and Big Data
Analytics company specializing in modernizing IT
infrastructure and development practices across a wide
range of industries.
info@abundent.com © Abundent Sdn Bhd© Abundent LLC
Cloud/DevOps/
IoT
Data
Science
Big Data
AI/ML/DRL
Fintech
Blockch
ain
Cloud Computing,
Containerization, Serverless
Computing, Reactive
Microservices, NoSQL, Agile
DevOps, and IoT can help
organizations to rapidly scale
their solutions and avoid
errors in deployment and
maintenance of software
© Abundent Sdn Bhd
Data Science, Big Data,
Data Lakes, Batch and
Real-Time Data
Processing, Data
Products, and Interactive
Data Visualization can
allow organizations to
make the most of the
data they have
Artificial Intelligence,
Machine Learning, Deep
Learning and Deep
Reinforcement Learning
can give organizations
an edge over their
competition as well as
streamline operations
and decision making
Fintech promises to transform the
way we do banking and
payments, with numerous
applications in non-financial
domains as well. Blockchain and
its derivatives will allow
organizations to bypass central
authorities and expedite
transactions all while providing
greater security.
© Abundent LLC
OUR
COMPETENCIES
We can address a number of Data Science use cases across a
variety of verticals…
© Abundent Sdn Bhd© Abundent LLC
© Abundent Sdn Bhd
We can develop, deploy, and maintain your data products,
visualizations and pipelines (Data Science as a Service)…
© Abundent LLC
DATA SCIENCE & BIG
DATA
Data Science as a Service
MACHINE LEARNING & DEEP
LEARNING
© Abundent Sdn Bhd
We can develop, deploy, and maintain your machine learning,
chatbot and deep learning models…
© Abundent LLC
Machine Learning as a Service
ASIA’S TOP DIGITAL TECH TRAINING POWERHOUSE.
TRAINING YOU TO MEET THE CHALLENGES OF TOMORROW HEAD ON
iTrain enables continuous brain gain through in-demand skills trainings that help
you stay ahead in the digital economy
iTrain (M) Sdn Bhd
C-L19-8, KL Trillion, 338 Jalan Tun Razak, 50400 Kuala Lumpur
Tel: +603 21661879 Email: info@itrain.com.my Web: www.itrain.com.my
UPCOMING TRAINING
INTRODUCTION TO DEEP LEARNING WITH NVIDIA GPUS
FEBRUARY 21ST - 23RD, 2018
MAGIC CYBERJAYA
9.00 AM - 5.00 PM
Supported by MaGIC with 50% early bird discount. Limited to 20 seats
only. First come first serve
Registration Link:
https://events.bizzabo.com/deeplearningintro

More Related Content

What's hot

Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOswald Campesato
 
Machine Learning presentation.
Machine Learning presentation.Machine Learning presentation.
Machine Learning presentation.butest
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep LearningJulien SIMON
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networksSi Haem
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?NVIDIA
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learningJörgen Sandig
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsKasun Chinthaka Piyarathna
 
Transfer learning-presentation
Transfer learning-presentationTransfer learning-presentation
Transfer learning-presentationBushra Jbawi
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning ExplainedMelanie Swan
 
Deep Learning - Overview of my work II
Deep Learning - Overview of my work IIDeep Learning - Overview of my work II
Deep Learning - Overview of my work IIMohamed Loey
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Gaurav Mittal
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningEng Teong Cheah
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Simplilearn
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep LearningOleg Mygryn
 
Deep learning seminar report
Deep learning seminar reportDeep learning seminar report
Deep learning seminar reportSKS
 

What's hot (20)

Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
Machine Learning presentation.
Machine Learning presentation.Machine Learning presentation.
Machine Learning presentation.
 
An introduction to Deep Learning
An introduction to Deep LearningAn introduction to Deep Learning
An introduction to Deep Learning
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
What is Deep Learning?
What is Deep Learning?What is Deep Learning?
What is Deep Learning?
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Transfer learning-presentation
Transfer learning-presentationTransfer learning-presentation
Transfer learning-presentation
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Deep Learning - Overview of my work II
Deep Learning - Overview of my work IIDeep Learning - Overview of my work II
Deep Learning - Overview of my work II
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Deep learning
Deep learningDeep learning
Deep learning
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
Deep learning seminar report
Deep learning seminar reportDeep learning seminar report
Deep learning seminar report
 

Similar to Deep Learning: Application & Opportunity

Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningJunaid Bhat
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspectiveAnirban Santara
 
Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)SungminYou
 
Lecture on Deep Learning
Lecture on Deep LearningLecture on Deep Learning
Lecture on Deep LearningYasas Senarath
 
Nural network ER. Abhishek k. upadhyay
Nural network ER. Abhishek  k. upadhyayNural network ER. Abhishek  k. upadhyay
Nural network ER. Abhishek k. upadhyayabhishek upadhyay
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxDebabrataPain1
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaSpark Summit
 
Deep Learning Sample Class (Jon Lederman)
Deep Learning Sample Class (Jon Lederman)Deep Learning Sample Class (Jon Lederman)
Deep Learning Sample Class (Jon Lederman)Jon Lederman
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural NetworksSharath TS
 
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...Simplilearn
 
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience hirokazutanaka
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep LearningYaminiAlapati1
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learningPoo Kuan Hoong
 
Java and Deep Learning (Introduction)
Java and Deep Learning (Introduction)Java and Deep Learning (Introduction)
Java and Deep Learning (Introduction)Oswald Campesato
 
Complete solution for Recurrent neural network.pptx
Complete solution for Recurrent neural network.pptxComplete solution for Recurrent neural network.pptx
Complete solution for Recurrent neural network.pptxArunKumar674066
 
From neural networks to deep learning
From neural networks to deep learningFrom neural networks to deep learning
From neural networks to deep learningViet-Trung TRAN
 

Similar to Deep Learning: Application & Opportunity (20)

Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Deep learning from a novice perspective
Deep learning from a novice perspectiveDeep learning from a novice perspective
Deep learning from a novice perspective
 
Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)Deep learning lecture - part 1 (basics, CNN)
Deep learning lecture - part 1 (basics, CNN)
 
Lecture on Deep Learning
Lecture on Deep LearningLecture on Deep Learning
Lecture on Deep Learning
 
Nural network ER. Abhishek k. upadhyay
Nural network ER. Abhishek  k. upadhyayNural network ER. Abhishek  k. upadhyay
Nural network ER. Abhishek k. upadhyay
 
ML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptxML Module 3 Non Linear Learning.pptx
ML Module 3 Non Linear Learning.pptx
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
 
Deep Learning Sample Class (Jon Lederman)
Deep Learning Sample Class (Jon Lederman)Deep Learning Sample Class (Jon Lederman)
Deep Learning Sample Class (Jon Lederman)
 
Neural
NeuralNeural
Neural
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
 
Development of Deep Learning Architecture
Development of Deep Learning ArchitectureDevelopment of Deep Learning Architecture
Development of Deep Learning Architecture
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
Deep Learning Interview Questions And Answers | AI & Deep Learning Interview ...
 
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
JAISTサマースクール2016「脳を知るための理論」講義04 Neural Networks and Neuroscience
 
Cnn
CnnCnn
Cnn
 
Visualization of Deep Learning
Visualization of Deep LearningVisualization of Deep Learning
Visualization of Deep Learning
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
Java and Deep Learning (Introduction)
Java and Deep Learning (Introduction)Java and Deep Learning (Introduction)
Java and Deep Learning (Introduction)
 
Complete solution for Recurrent neural network.pptx
Complete solution for Recurrent neural network.pptxComplete solution for Recurrent neural network.pptx
Complete solution for Recurrent neural network.pptx
 
From neural networks to deep learning
From neural networks to deep learningFrom neural networks to deep learning
From neural networks to deep learning
 

Recently uploaded

Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxolyaivanovalion
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Valters Lauzums
 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfadriantubila
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Delhi Call girls
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxMohammedJunaid861692
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxolyaivanovalion
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...amitlee9823
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxolyaivanovalion
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxolyaivanovalion
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023ymrp368
 
Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...shambhavirathore45
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxolyaivanovalion
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Delhi Call girls
 

Recently uploaded (20)

Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptx
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in  KishangarhDelhi 99530 vip 56974 Genuine Escort Service Call Girls in  Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptx
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023
 
Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...Determinants of health, dimensions of health, positive health and spectrum of...
Determinants of health, dimensions of health, positive health and spectrum of...
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Edukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFxEdukaciniai dropshipping via API with DroFx
Edukaciniai dropshipping via API with DroFx
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls Punjabi Bagh 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 

Deep Learning: Application & Opportunity

  • 1. DEEP LEARNINGAPPLICATION AND OPPORTUNITY Speaker: Tarun Sukhani iTrain Malaysia www.itrain.com.my iTrain Malaysia
  • 2. AGENDA • History & Introduction • Available Algorithms and Tools • Outlook • Supervised Learning • Convolutional Neural Network • Sequence Modelling: RNN and its extensions • Unsupervised Learning • Autoencoder • Stacked Denoising Autoencoder • Reinforcement Learning • Deep Reinforcement Learning • Applications
  • 3. HISTORY – IN THE BEGINNING, THERE WAS…
  • 7. HISTORY – THE BIG BANG – ONE NET TO RULE THEM ALL
  • 8. HISTORY – WHAT CHANGED?
  • 9. THE BIG PLAYERS - RESEARCHERS
  • 10. THE BIG PLAYERS - COMPANIES
  • 11. THE BIG PLAYERS - STARTUPS
  • 12. INTEREST – GOOGLE NGRAM AND TRENDS
  • 13. HYPE OR REALITY? - SOME QUOTES
  • 14. HYPE OR REALITY? – DEEP LEARNING AT GOOGLE
  • 16. WHAT IS ARTIFICIAL INTELLIGENCE?
  • 17. WHAT IS MACHINE LEARNING?
  • 20. WHAT IS DEEP LEARNING?
  • 23. INTRODUCTION • Traditional pattern recognition models use hand- crafted features and relatively simple trainable classifiers. • This approach has the following limitations: • It is very tedious and costly to develop hand-crafted features • These hand-crafted features are usually highly dependent on one application, and cannot be transferred easily to other applications – ie, they are not generalizable. Hand-crafted Feature Extractor “Simple” Trainable Classifier Output
  • 24. DEEP LEARNING – NO MORE FEATURE ENGINEERING
  • 25. DEEP LEARNING – ARCHITECTURE
  • 26. DEEP LEARNING • Deep learning (a.k.a. representation learning) seeks to learn rich hierarchical representations (i.e. features) automatically through multiple stages of a feature learning process. Low-level features Output Mid-level features High-level features Trainable classifier Feature visualization of convolutional net trained on ImageNet (Zeiler and Fergus, 2013)
  • 27. LEARNING HIERARCHICAL REPRESENTATIONS • Hierarchy of representations with increasing levels of abstraction. Each stage is a kind of trainable nonlinear feature transform. • Image recognition • Pixel → edge → shape → part → object • Text • Character → word → word group → clause → sentence → story • Speech • Sample → spectral band → sound→ …→ phoneme → Low-level features Output Mid-level features High-level features Trainable classifier Increasing levels of abstraction
  • 28. THE MAMMALIAN VISUAL CORTEX IS HIERARCHICAL
  • 29. THE MAMMALIAN VISUAL CORTEX IS HIERARCHICAL • It is good to be inspired by nature, but not too much. • We need to understand which details are important, and which details are merely the result of evolution. • Each module in Deep Learning transforms its input representation into a higher-level one, in a way similar to the mammalian visual cortex. (van Essen and Gallant, 1994)
  • 33. LEARNING HOW TO LEARN Deep Learning addresses the problem of learning hierarchical representations with a single algorithm
  • 39. IMPROVING THE NET – ERROR CORRECTION
  • 40. AVAILABLE DEEP LEARNING ALGORITHMS: AUTOENCODERS
  • 41. AVAILABLE DEEP LEARNING ALGORITHMS: CONVOLUTIONAL NEURAL NETS (CNN‘S)
  • 42. AVAILABLE DEEP LEARNING ALGORITHMS: RECURRENT NEURAL NETS (RNN’S)
  • 43. AVAILABLE DEEP LEARNING ALGORITHMS: RECURRENT NEURAL NETS (RNN’S)
  • 44. AVAILABLE DEEP LEARNING ALGORITHMS: LONG SHORT-TERM MEMORY RNN (LSTM’S)
  • 45. DEEP LEARNING APPLICATIONS: USING RNN’S TO GENERATE TEXT
  • 46. DEEP LEARNING APPLICATIONS: USING RNN’S TO GENERATE TEXT
  • 47. DEEP LEARNING APPLICATIONS: IMAGE CAPTIONING – COMBINING CNN’S AND RNN’S
  • 49. DEEP LEARNING APPLICATIONS: AVAILABLE TOOLS – ALL OPEN SOURCE!
  • 54. SUPERVISED LEARNING • Convolutional Neural Network • Sequence Modelling • Why do we need RNN? • What are RNNs? • RNN Extensions • What can RNNs can do?
  • 55. CONVOLUTIONAL NEURAL NETWORK • Input can have very high dimension. Using a fully-connected neural network would need a large amount of parameters. • Inspired by the neurophysiological experiments conducted by [Hubel & Wiesel 1962], CNNs are a special type of neural network whose hidden units are only connected to local receptive field. The number of parameters needed by CNNs is much smaller. Example: 200x200 image a) fully connected: 40,000 hidden units => 1.6 billion parameters b) CNN: 5x5 kernel, 100 feature maps => 2,500 parameters
  • 56. THREE STAGES OF A CONVOLUTIONAL LAYER 1. Convolution stage 2. Nonlinearity: a nonlinear transform such as rectified linear or 𝐭𝐚𝐧𝐡 3. Pooling: output a summary statistics of local input, such as max pooling and average pooling
  • 57. CONVOLUTION OPERATION IN CNN • Input: an image (2-D array) x • Convolution kernel/operator(2-D array of learnable parameters): w • Feature map (2-D array of processed data): s • Convolution operation in 2-D domains:
  • 58. MULTIPLE CONVOLUTIONS Usually there are multiple feature maps, one for each convolution operator.
  • 59. NON-LINEARITY Tanh(x) ReLU tanh x = ex − e−x ex + e−x 𝑓 𝑥 = max(0, 𝑥)
  • 60. POOLING • Common pooling operations: • Max pooling: reports the maximum output within a rectangular neighborhood. • Average pooling: reports the average output of a rectangular neighborhood (possibly weighted by the distance from the central pixel).
  • 61. DEEP CNN: WINNER OF IMAGENET 2012 • Multiple feature maps per convolutional layer. • Multiple convolutional layers for extracting features at different levels. • Higher-level layers take the feature maps in lower-level layers as input. (Alex et al., 2012)
  • 62. SEQUENCE MODELLING • Why do we need RNN? • What are RNNs? • RNN Extensions • What can RNNs can do?
  • 63. WHY DO WE NEED RNNS? The limitations of the Neural network (CNNs) • Rely on the assumption of independence among the (training and test) examples. • After each data point is processed, the entire state of the network is lost • Rely on examples being vectors of fixed length We need to model the data with temporal or sequential structures and varying length of inputs and outputs • Frames from video • Snippets of audio • Words pulled from sentences
  • 64. Recurrent neural networks (RNNs) are connectionist models with the ability to selectively pass information across sequence steps, while processing sequential data one element at a time. The simplest form of fully recurrent neural network is an MLP with the previous set of hidden unit activations feeding back into the network along with the inputs ℎ 𝑡 = 𝑓𝐻 𝑊𝐼𝐻 𝑥 𝑡 + 𝑊𝐻𝐻ℎ(𝑡 − 1) 𝑦 𝑡 = 𝑓𝑂(𝑊𝐻𝑂ℎ(𝑡)) 𝑓𝐻 and 𝑓𝑂 are the activation function for hidden and output unit; 𝑊𝐼𝐻, 𝑊𝐻𝐻, and 𝑊𝐻𝑂 are connection weight matrices which are learnt by training Allow a ‘memory’ of previous inputs to persist in the network’s internal state, and thereby influence the network output WHAT ARE RNNS?
  • 65. An unfolded recurrent network. Each node represents a layer of network units at a single time step. The weighted connections from the input layer to hidden layer are labelled ‘w1’, those from the hidden layer to itself (i.e. the recurrent weights) are labelled ‘w2’ and the hidden to output weights are labelled‘w3’. Note that the same weights are reused at every time step. Bias weights are omitted for clarity. WHAT ARE RNNS? • The recurrent network can be converted into a feed- forward network by unfolding over time
  • 66. ℎ 𝑡 = 𝑓(𝑊 𝑥ℎ 𝑥 𝑡 + 𝑊ℎℎℎ 𝑡−1 + 𝑏ℎ) ℎ 𝑡 = 𝑓(𝑊 𝑥ℎ 𝑥 𝑡 + 𝑊ℎℎℎ 𝑡−1 + 𝑏ℎ) 𝑦𝑡 = 𝑊ℎ𝑦ℎ 𝑡 + 𝑊ℎ𝑦ℎ 𝑡 + 𝑏 𝑦 training sequence forwards and backwards to two separate recurrent hidden layers past and future context determines the output An unfolded BRNN RNN EXTENSIONS: BIDIRECTIONAL RECURRENT NEURAL NETWORKS Traditional RNNs only model the dependence of the current state on the previous state, BRNNs (Schuster and Paliwal, 1997) extend to model dependence on both past states and future states. For example: predicting a missing word in a sequence you want to look at both the left and the right context.
  • 67. A gating mechanism of the LSTM , which generates the current hidden state by the paste hidden state and current input ..It contains five modules: input gate, new memory cell, forget gate, final memory generation, and output gate. RNN EXTENSIONS: LONG SHORT-TERM MEMORY The vanishing gradient problem prevents standard RNNs from learning long-term dependencies. LSTMs (Hochreiter and Schmidhuber, 1997) were designed to combat vanishing gradients through a gating mechanism.
  • 68. RNN EXTENSIONS: LONG SHORT-TERM MEMORY LSTMs contain information outside the normal flow of the recurrent network in a gated cell. Information can be stored in, written to, or read from a cell, much like data in a computer’s memory. The cells learn when to allow data to enter, leave or be deleted through the iterative process of making guesses, back-propagating error, and adjusting weights via gradient descent. Conclusions on LSTM
  • 69. RNN EXTENSIONS: LONG SHORT-TERM MEMORY Why LSTM can combat the vanish gradient problem LSTMs help preserve the error that can be back- propagated through time and layers. By maintaining a more constant error, they allow recurrent nets to continue to learn over many time steps (over 1000), thereby opening a channel to link causes and effects remotely
  • 70. What can RNNs can do? Machine Translation Visual Question Answering
  • 71. In machine translation, the input is a sequence of words in source language, and the output is a sequence of words in target language. Encoder-decoder architecture for machine translation Encoder: An RNN to encode the input sentence into a hidden state (feature) Decoder: An RNN with the hidden state of the sentence in source language as the input and output the translated sentence MACHINE TRANSLATION
  • 72. VQA: Given an image and a natural language question about the image, the task is to provide an accurate natural language answer VISUAL QUESTION ANSWERING (VQA) Picture from (Antol et al., 2015)
  • 73. The output is to be conditioned on both image and textual inputs. A CNN is used to encode the image and a RNN is implemented to encode the sentence. VISUAL QUESTION ANSWERING
  • 74. UNSUPERVISED LEARNING • Autoencoders • Deep Autoencoders • Denoising Autoencoders • Stacked Denoising Autoencoders
  • 75. AUTOENCODERS An Autoencoder is a feedforward neural network that learns to predict the input itself in the output. 𝑦(𝑖) = 𝑥(𝑖) • The input-to-hidden part corresponds to an encoder • The hidden-to-output part corresponds to a decoder.
  • 76. DEEP AUTOENCODERS • A deep Autoencoder is constructed by extending the encoder and decoder of autoencoder with multiple hidden layers. • Gradient vanishing problem: the gradient becomes too small as it passes back through many layers Diagram from (Hinton and Salakhutdinov, 2006)
  • 77. TRAINING DEEP AUTOENCODERS Diagram from (Hinton and Salakhutdinov, 2006)
  • 78. DENOISING AUTOENCODERS By adding stochastic noise to the layers, it can force Autoencoder to learn more robust features.
  • 79. TRAINING DENOISING AUTOENCODER ON MNIST The following pictures show the difference between the resulting filters of Denoising Autoencoder trained on MNIST with different noise ratios. No noise (noise ratio=0%) noise ratio=30% Diagram from (Hinton and Salakhutdinov, 2006)
  • 80. DEEP REINFORCEMENT LEARNING • Reinforcement Learning • Deep Reinforcement Learning • Applications • Playing Atari Games • AlphaGO
  • 81. REINFORCEMENT LEARNING What’s Reinforcement Learning? Environment Agent {Observation, Reward} {Actions} • Agent interacts with an environment and learns by maximizing a scalar reward signal • No labels or any other supervision signal. • Previously suffering from hand-craft states or representation.
  • 82. POLICIES AND VALUE FUNCTIONS • Policy 𝜋 is a behavior function selecting actions given states 𝑎 = 𝜋(s) • Value function 𝑄 𝜋 (s,a) is expected total reward 𝑟 from state s and action a under policy 𝜋 “How good is action 𝑎 in state 𝑠?”
  • 83. APPROACHES TO REINFORCEMENT LEARNING • Policy-based RL • Search directly for the optimal policy 𝛑∗ • Policy achieving maximum future reward • Value-based RL • Estimate the optimal value function 𝐐∗(s,a) • Maximum value achievable under any policy • Model-based RL • Build a transition model of the environment • Plan (e.g. by look-ahead) using model
  • 86. ABOUT THE SPEAKER • Tarun Sukhani has 16 years of both academic and industry experience as a data scientist over the course of his career. Starting off as an EAI consultant in the USA, Tarun was involved in a number of integration/ETL projects for a variety of Fortune 500 and Global 1000 clients, such as BP Amoco, Praxair, and GE Medical Systems. While completing his Master's degree in Data Warehousing, Data Mining, and Business Intelligence at Loyola University Chicago GSB in 2005, Tarun also worked as a BI consultant for a number of Fortune 500 clients at Revere Consulting, a Chicago-based boutique IT firm focusing on Data Warehousing/Mining projects. Within the industry, he worked on ETL/Data Science/Machine Learning projects at Profitera, Experian, Atex, E-Radar, ICarAsia, and Max Money. Some of the tools employed during his career included Oracle BI, Informatica, Cognos, Business Objects, Pentaho, Apache Mahout, Spark MLib, Apache UIMA and Temis. Tarun continues to work within the BI space, most recently focusing his time on Deep/Reinforcement Learning projects within the Fintech sector. • Tarun has worked on parametric statistical modeling as well within the Data Science and Big Data Science space, using tools such as SciPy in Python and R and R/Hadoop for Big Data projects. • Tarun is the principal Data Science trainer for iTrain Asia Singapore. • Tarun has his own consulting firm - Abundent is a Digital Transformation and Big Data Analytics company specializing in modernizing IT infrastructure and development practices across a wide range of industries.
  • 87. We Enable Industry 4.0 Abundent is a Digital Transformation and Big Data Analytics company specializing in modernizing IT infrastructure and development practices across a wide range of industries. info@abundent.com © Abundent Sdn Bhd© Abundent LLC
  • 88. Cloud/DevOps/ IoT Data Science Big Data AI/ML/DRL Fintech Blockch ain Cloud Computing, Containerization, Serverless Computing, Reactive Microservices, NoSQL, Agile DevOps, and IoT can help organizations to rapidly scale their solutions and avoid errors in deployment and maintenance of software © Abundent Sdn Bhd Data Science, Big Data, Data Lakes, Batch and Real-Time Data Processing, Data Products, and Interactive Data Visualization can allow organizations to make the most of the data they have Artificial Intelligence, Machine Learning, Deep Learning and Deep Reinforcement Learning can give organizations an edge over their competition as well as streamline operations and decision making Fintech promises to transform the way we do banking and payments, with numerous applications in non-financial domains as well. Blockchain and its derivatives will allow organizations to bypass central authorities and expedite transactions all while providing greater security. © Abundent LLC OUR COMPETENCIES
  • 89. We can address a number of Data Science use cases across a variety of verticals… © Abundent Sdn Bhd© Abundent LLC
  • 90. © Abundent Sdn Bhd We can develop, deploy, and maintain your data products, visualizations and pipelines (Data Science as a Service)… © Abundent LLC DATA SCIENCE & BIG DATA Data Science as a Service
  • 91. MACHINE LEARNING & DEEP LEARNING © Abundent Sdn Bhd We can develop, deploy, and maintain your machine learning, chatbot and deep learning models… © Abundent LLC Machine Learning as a Service
  • 92. ASIA’S TOP DIGITAL TECH TRAINING POWERHOUSE. TRAINING YOU TO MEET THE CHALLENGES OF TOMORROW HEAD ON iTrain enables continuous brain gain through in-demand skills trainings that help you stay ahead in the digital economy iTrain (M) Sdn Bhd C-L19-8, KL Trillion, 338 Jalan Tun Razak, 50400 Kuala Lumpur Tel: +603 21661879 Email: info@itrain.com.my Web: www.itrain.com.my
  • 93. UPCOMING TRAINING INTRODUCTION TO DEEP LEARNING WITH NVIDIA GPUS FEBRUARY 21ST - 23RD, 2018 MAGIC CYBERJAYA 9.00 AM - 5.00 PM Supported by MaGIC with 50% early bird discount. Limited to 20 seats only. First come first serve Registration Link: https://events.bizzabo.com/deeplearningintro