SlideShare a Scribd company logo
Text
Deep Learning and Business Models
Tran Quoc Hoan
The University of Tokyo
VNITC@2015-09-13
2
Today agendas
Deep Learning boom
Essentials of Deep Learning
Deep Learning - the newest
Deep Learning and Business Models
3
What is Deep Learning?
Deep Learning is a new trend of machine learning that enables
machines to unravel high level abstraction in large amount of data
Image
recognition
Speech
recognition
Customer Centric
Management
Natural Language
Processing
Drug Discovery
& Toxicology
Deep Learning Boom
–Albert Einstein
“If we knew what it was we were doing, it would not
be called research, would it?”
Big News - ILSVRC 2012
ILSVRC 2012 (ImageNet
Large Scale Visual
Recognition)
SuperVision
ISI
OXFORD_VGG
XRCE/INRIA
UnivofAmsterdam
29.576%
27.058%26.979%26.172%
15.315%
Error rate
Image source: http://cs.stanford.edu/people/karpathy/cnnembed/
5
6
Big News - Google brain
Self-taught learning with
unlabelled youtube
videos and 16,000
computers
AI grandmother cell (2012)
(Cat)(Human)
7
Data and Machine Learning
Most learning
algorithms
New AI method
(Deep Learning)
Amount of data
Performance
Image source: http://cs229.stanford.edu/materials/CS229-DeepLearning.pdf
8
New boom for the Giants & Startups
Google brain
project (2012)
Facebook AI Research
Lab (2013 Dec.)
Project Adam (2014)
Enlitic
Ersatz Labs
MetaMind
Nervana Systems
Skymind
Deepmind
One of 10 breakthrough technologies 2013
(MIT Technology Review)
PFN (Japan)
9
Pioneers
Geoffrey Hinton

(Toronto, Google)
Yoshua Bengio

(Montreal)
Yann LeCun

(NewYork, Facebook)
Andrew Ng

(Stanford, Baidu)
Jeffrey Dean

(Google)
Le Viet Quoc

(Stanford, Google)
Theory +
algorithms
Implementation
10
Sub-summary
・More than 2000 papers in 2014 ~ 2015 with 47 Google services.
Essentials of Deep Learning
–Albert Einstein
“If we knew what it was we were doing, it would not
be called research, would it?”
12
The basic calculation
x1
x2
x3
+1
z
f
Active function
z = f(x1w1 + x2w2 + x3w3 + w4)
w1
w2
w3
w4
Input
Forward propagation
wi: weight parameters
13
Neural network (1/2)
x1
x2
x3
+1
Input layer
+1 +1
y
Hidden layers
Output layer
f
f
f
f
h1
h2
z1
z2
Put deeper
The deeper layer displays for comprehensive
combination of small parts
Prob(cat) = 99%
14
Neural network (2/2)
x1
x2
x3
+1
Input layer
+1 +1
y1
Hidden layers
• Loss function E measures
how output labels are similar
to true labels.

• For N input data
{w1ij}
{w2ij}
{w3ij}
Supervisor learning
y2
yk
Output
(Ex. probability of each in k class
in classification task)
Find parameters {w} to minimize E → How?
15
Backward propagation
x1
x2
x3
+1
Input layer
r s
y
Output layer
y*
E
w
∂E
∂y
∂E
∂y
∂y
∂s
∂E
∂y
∂y
∂s
∂s
∂w
∂E
∂w
=
Backward from loss to update parameters
(true label)
How E change
when move w
How E change when move s
How E change when
move y
16
Vanishing gradient problem
x1
x2
x3
+1
+1 +1
y
y*
E
…
Error vanish with back-propagation at low layer
・Neural network architecture reached the limit before
deep learning boom
17
Features representation
・Deep learning reduced the human’s time-consuming of
features selection process in classification task
Features selection
Parameter learning
Answer
Features selection
+
Parameter learning
Answer
Previous methods Deep Learning
Convolutional Neural Network
ConvNet diagram from Torch Tutorial
Sub sampling
Emphasis special
features
The most popular kind of deep learning model
18
How to train parameters
Trainable parameters
Values in each kernel of convolutional layer
Weigh values and bias in fully connection layer
Stochastic Gradient Descent (SGD) (others: AdaGrad, Adam,…)
Parameters update
W ← W - ß
∂E
∂W
Backward propagation
Learning rate
SGD - Mini batch
Batch learning: update all samples in each update (over-fitting)
Mini batch: update parameters with some samples
20
Training trick
Data normalization
Reduce learning rate after some iterations
Momentum SGD
21
22
Auto-encoder (1/2)
y
…
How to initialize these parameters
23
Auto-encoder (2/2)
The ability of
reconstruct input
makes a good
initialization for
parameters
x x’
h(x)
Reconstruct error
E = ||x - x’||
Encode Decode
24
Robust algorithms
Data augmentation: more
noisy data → more robust
model
Nodes in network don’t
need to active all (mimic
human brain) → 

Dropout concept
…
Deep Learning - The Newest
–Albert Einstein
“If we knew what it was we were doing, it would not
be called research, would it?”
26
In Services
Google
Translate App
Deep learning inside (work offline)
July 29, 2015 version
27
In Services
My implemented service http://yelpio.hongo.wide.ad.jp/
28
In Medical Imaging
Segmentation
Offline due to image’s copyright
In Automatic Devices
http://blogs.nvidia.com/blog/2015/02/24/deep-learning-drive/
Self-driving car
29
In Speech Interfaces
99% is much different with 95%
(Andrew Ng. - Baidu)
https://medium.com/s-c-a-l-e/how-baidu-mastered-mandarin-with-deep-
learning-and-lots-of-data-1d94032564a5 30
In Drug Discovery
Active
Active
Inactive
1
0
1
0
0
1
10010000110011
Chemical
compound
Assay data Finger print
+ Activity
Deep Neural Net
PubChem
Database
Prediction of Drug Activity
multiple targets
http://on-demand.gputechconf.com/gtc/2015/presentation/S5813-Nobuyuki-Ota.pdf 31
Applications in IoT(Internet of Things)
More difficult tasks in AI, robotics,
information processing
Huge amount of time series data
and states of sensor & devices data
RNN (recurrent neural network)
Difficult to get supervisor data
VAE (variational auto encoder)
Take action in conditions,
environments
Deep Reinforcement Learning
Image source:

http://on-demand.gputechconf.com/gtc/2015/presentation/S5813-
Nobuyuki-Ota.pdf
32
RNN (1/3)
Recurrent Neural Network: loop inside neural network
Represent for time series data, sequence of inputs
(speech model, natural language model,…)
.
.
.
.
.
.
.
.
.
x(t) y(t)
z(t) = f( z(t-1), x(t) )
33
RNN (2/3)
Time series extension of RNN
…
…
t = 1 t = 2 t = 3 t = T
Back propagation through time (BPTT)
+ Long Short-Term Memory
How to learn
parameters?
34
…
…
…
…
…
…
…
…
…
…
…
RNN (3/3)
Neural Turing Machine [A. Graves, 2014]
Neural network which has the capability of coupling the external memories
Applications: COPY, PRIORITY SORT
35
NN with
parameters to
coupling to
external
memories
36
VAE (variational auto encoder)
Learn a mapping from some latent variable z to a
complicated distribution on x
p(x) = ∫p(x,z)dz where p(x, z) = p(x|z)p(z)
p(z) = something simple and p(x|z) = f(z) = neural network
Encode
VAE
Example: generate face image from 29 hidden
variables
http://vdumoulin.github.io/morphing_faces/online_demo.html
37
VAE
Example: learning from number
and writing style
Experiment (PFN): given a
number x, produce outputs as
remained numbers with writing
style of x
VAE: useful in half-supervised
learning process (especially when
training data are not enough)
Image from ディープラーニングが活かすIoT, Preferred Networks, Inc. 2015/06/09 Interop 2015 seminar
39
Reinforcement Learning (RL)
Environment
(street, factory,…)
Agent

(car, robot,…)
Action
a(t)
Reward r(t)
State s(t)
Total rewards in the future
R = r(t) + µr(t+1) + µ2r(t+2) + …
(µ < 1)
Design next action
40
Deep Reinforcement Learning (RL)
Q - learning: need to know future expectation reward Q(s, a)
of action a at state s (Bellman update equation)

Q(s, a) <— Q(s, a) + ß ( r + µ maxa’ Q(s’, a’) - Q(s, a) )
Deep Q-Learning Network [V. Mnih, 2015]
Get Q(s, a) by a deep neural network Q(s, a, w)
Maximize: L(w) = E[ (r + µ max Q(s’, a’, w) - Q(s, a, w))2 ]
Useful when there are many states
41
PFN - demo https://www.youtube.com/watch?v=RH2TmreYkdA
Deep Learning and Business Models
–Albert Einstein
“If we knew what it was we were doing, it would not
be called research, would it?”
The future of the field
Better hardware and bigger
machine cluster
Better implementations and
optimizations
Understand video, text and
signals
Develop in business models
Deep learning is just
the tip of the iceberg
43
Model 1 - Framework development
Bridge the gap between
algorithms and
implementation
Provide common
interfaces and
understandable API for
users
Pylearn2
44
Model 2 - Building a deep-able hardware
New hardware (chipset)
architecture for Deep
Learning
Synopsys
http://www.bdti.com/InsideDSP/2015/04/21/Synopsys
Processors’ convolutional network capabilities
Qualcomm Zeroth Platform
Cognitive computing and custom CPU
drive Snapdragon 820 processors
https://www.qualcomm.com/news/snapdragon/2015/03/02/cognitive-
computing-and-custom-cpu-drive-next-gen-snapdragon-processors
NVIDIA DIGITS
DevBox
https://developer.nvidia.com/devbox
45
Model 3 - Deep Intelligences for IoT
Sensing
Action
Feedback
Analysis
Union
Image from ディープラーニングが活かすIoT, Preferred Networks, Inc. 2015/06/09 Interop 2015 seminar
Model 4 - Host API and deep learning service
Data
in
Model
out
https://www.metamind.io/vision/train
https://www.metamind.io/language/train
Usability + Tuning + Scale out
47
Model 5 - Personal Deep Learning
Data
in
Label
out
DeepFace
(Facebook)
http://www.adweek.com/socialtimes/deepface/433401
Facial verification & tagging
Applied previous solutions
Almost free 48
Summary
Deep Learning has the capability to find patterns
among data by enabling wide range of
abstraction.
Deep Learning shown significant results in voice
and image recognition compared with
conventional machine learning methods.
Deep Learning has potential applications and
business models in some important key sectors.
The challenges are your ideas !
49
“Thank you for listening.”
• Some good materials for learning
• Papers, code, blog, seminars, online courses
• For beginner: 深層学習 (機械学習プロフェッショナルシリーズ)
• Deep Learning - an MIT Press book in preparation
• http://www.iro.umontreal.ca/~bengioy/dlbook/
50

More Related Content

What's hot (20)

PDF
GANs and Applications
Hoang Nguyen
 
PDF
SSD: Single Shot MultiBox Detector (UPC Reading Group)
Universitat Politècnica de Catalunya
 
PPTX
Morphological image processing
Raghu Kumar
 
PPTX
Hog and sift
AnandShinde47
 
PPTX
Ppt of operations on one way link list
Sukhdeep Kaur
 
PPTX
Image Restoration (Frequency Domain Filters):Basics
Kalyan Acharjya
 
PDF
Siamese networks
Nicholas McClure
 
PDF
Generative adversarial network and its applications to speech signal and natu...
宏毅 李
 
PPTX
Digital Image Fundamentals
Kalyan Acharjya
 
PDF
MobileNet - PR044
Jinwon Lee
 
PDF
Autoencoder
HARISH R
 
PDF
An Introduction to Deep Learning
Poo Kuan Hoong
 
PDF
"Approaches for Energy Efficient Implementation of Deep Neural Networks," a P...
Edge AI and Vision Alliance
 
DOCX
imageprocessing-abstract
Jagadeesh Kumar
 
PPTX
Convolutional neural networks
Roozbeh Sanaei
 
PPTX
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
khanam22
 
DOCX
Multimedia digital images
Mohammad Dwikat
 
PDF
Applications of Stack
Christalin Nelson
 
PDF
CNN Algorithm
georgejustymirobi1
 
PPT
introducción a Machine Learning
butest
 
GANs and Applications
Hoang Nguyen
 
SSD: Single Shot MultiBox Detector (UPC Reading Group)
Universitat Politècnica de Catalunya
 
Morphological image processing
Raghu Kumar
 
Hog and sift
AnandShinde47
 
Ppt of operations on one way link list
Sukhdeep Kaur
 
Image Restoration (Frequency Domain Filters):Basics
Kalyan Acharjya
 
Siamese networks
Nicholas McClure
 
Generative adversarial network and its applications to speech signal and natu...
宏毅 李
 
Digital Image Fundamentals
Kalyan Acharjya
 
MobileNet - PR044
Jinwon Lee
 
Autoencoder
HARISH R
 
An Introduction to Deep Learning
Poo Kuan Hoong
 
"Approaches for Energy Efficient Implementation of Deep Neural Networks," a P...
Edge AI and Vision Alliance
 
imageprocessing-abstract
Jagadeesh Kumar
 
Convolutional neural networks
Roozbeh Sanaei
 
PPT on BRAIN TUMOR detection in MRI images based on IMAGE SEGMENTATION
khanam22
 
Multimedia digital images
Mohammad Dwikat
 
Applications of Stack
Christalin Nelson
 
CNN Algorithm
georgejustymirobi1
 
introducción a Machine Learning
butest
 

Similar to Deep Learning And Business Models (VNITC 2015-09-13) (20)

PPT
deeplearning
huda2018
 
DOCX
Title_ Deep Learning Explained_ What You Should Be Aware of in Data Science a...
nnibedita021
 
PPTX
Deep learning tutorial 9/2019
Amr Rashed
 
PPTX
Deep Learning Tutorial
Amr Rashed
 
PDF
Tutorial on Deep Learning
inside-BigData.com
 
PDF
Demystifying Deep Learning - Roberto Paredes Palacios @ PAPIs Connect
PAPIs.io
 
PPTX
Deep Learning Jump Start
Michele Toni
 
PPTX
Productionizing dl from the ground up
Adam Gibson
 
PPTX
Deep Learning Explained
Melanie Swan
 
PPT
Introduction_to_DEEP_LEARNING.ppt machine learning that uses data, loads ...
gkyenurkar
 
PPT
Introduction_to_DEEP_LEARNING.sfsdafsadfsadfsdafsdppt
NaiduSetti
 
PPTX
Introduction-to-Deep-Learning about new technologies
sindhibharat567
 
PDF
Big Data Malaysia - A Primer on Deep Learning
Poo Kuan Hoong
 
PPT
Introduction_to_DEEP_LEARNING ppt 101ppt
sathyanarayanakb1
 
PPTX
Deep learning from a novice perspective
Anirban Santara
 
PPTX
Introduction to deep learning
Abhishek Bhandwaldar
 
PDF
MLIP - Chapter 3 - Introduction to deep learning
Charles Deledalle
 
PPT
Introduction_to_DEEP_LEARNING.ppt
SwatiMahale4
 
PDF
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
Dinesh V
 
PPTX
Introduction to deep learning workshop
Shamane Siriwardhana
 
deeplearning
huda2018
 
Title_ Deep Learning Explained_ What You Should Be Aware of in Data Science a...
nnibedita021
 
Deep learning tutorial 9/2019
Amr Rashed
 
Deep Learning Tutorial
Amr Rashed
 
Tutorial on Deep Learning
inside-BigData.com
 
Demystifying Deep Learning - Roberto Paredes Palacios @ PAPIs Connect
PAPIs.io
 
Deep Learning Jump Start
Michele Toni
 
Productionizing dl from the ground up
Adam Gibson
 
Deep Learning Explained
Melanie Swan
 
Introduction_to_DEEP_LEARNING.ppt machine learning that uses data, loads ...
gkyenurkar
 
Introduction_to_DEEP_LEARNING.sfsdafsadfsadfsdafsdppt
NaiduSetti
 
Introduction-to-Deep-Learning about new technologies
sindhibharat567
 
Big Data Malaysia - A Primer on Deep Learning
Poo Kuan Hoong
 
Introduction_to_DEEP_LEARNING ppt 101ppt
sathyanarayanakb1
 
Deep learning from a novice perspective
Anirban Santara
 
Introduction to deep learning
Abhishek Bhandwaldar
 
MLIP - Chapter 3 - Introduction to deep learning
Charles Deledalle
 
Introduction_to_DEEP_LEARNING.ppt
SwatiMahale4
 
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
Dinesh V
 
Introduction to deep learning workshop
Shamane Siriwardhana
 
Ad

More from Ha Phuong (20)

PDF
QTML2021 UAP Quantum Feature Map
Ha Phuong
 
PDF
CCS2019-opological time-series analysis with delay-variant embedding
Ha Phuong
 
PDF
SIAM-AG21-Topological Persistence Machine of Phase Transition
Ha Phuong
 
PDF
018 20160902 Machine Learning Framework for Analysis of Transport through Com...
Ha Phuong
 
PDF
017_20160826 Thermodynamics Of Stochastic Turing Machines
Ha Phuong
 
PDF
016_20160722 Molecular Circuits For Dynamic Noise Filtering
Ha Phuong
 
PDF
015_20160422 Controlling Synchronous Patterns In Complex Networks
Ha Phuong
 
PDF
Tutorial of topological data analysis part 3(Mapper algorithm)
Ha Phuong
 
PDF
Tutorial of topological_data_analysis_part_1(basic)
Ha Phuong
 
PDF
013_20160328_Topological_Measurement_Of_Protein_Compressibility
Ha Phuong
 
PDF
011_20160321_Topological_data_analysis_of_contagion_map
Ha Phuong
 
PDF
010_20160216_Variational Gaussian Process
Ha Phuong
 
PDF
009_20150201_Structural Inference for Uncertain Networks
Ha Phuong
 
PDF
PRML Reading Chapter 11 - Sampling Method
Ha Phuong
 
PDF
Approximate Inference (Chapter 10, PRML Reading)
Ha Phuong
 
PDF
008 20151221 Return of Frustrating Easy Domain Adaptation
Ha Phuong
 
PDF
007 20151214 Deep Unsupervised Learning using Nonequlibrium Thermodynamics
Ha Phuong
 
PDF
006 20151207 draws - Deep Recurrent Attentive Writer
Ha Phuong
 
PDF
005 20151130 adversary_networks
Ha Phuong
 
PDF
004 20151116 deep_unsupervisedlearningusingnonequlibriumthermodynamics
Ha Phuong
 
QTML2021 UAP Quantum Feature Map
Ha Phuong
 
CCS2019-opological time-series analysis with delay-variant embedding
Ha Phuong
 
SIAM-AG21-Topological Persistence Machine of Phase Transition
Ha Phuong
 
018 20160902 Machine Learning Framework for Analysis of Transport through Com...
Ha Phuong
 
017_20160826 Thermodynamics Of Stochastic Turing Machines
Ha Phuong
 
016_20160722 Molecular Circuits For Dynamic Noise Filtering
Ha Phuong
 
015_20160422 Controlling Synchronous Patterns In Complex Networks
Ha Phuong
 
Tutorial of topological data analysis part 3(Mapper algorithm)
Ha Phuong
 
Tutorial of topological_data_analysis_part_1(basic)
Ha Phuong
 
013_20160328_Topological_Measurement_Of_Protein_Compressibility
Ha Phuong
 
011_20160321_Topological_data_analysis_of_contagion_map
Ha Phuong
 
010_20160216_Variational Gaussian Process
Ha Phuong
 
009_20150201_Structural Inference for Uncertain Networks
Ha Phuong
 
PRML Reading Chapter 11 - Sampling Method
Ha Phuong
 
Approximate Inference (Chapter 10, PRML Reading)
Ha Phuong
 
008 20151221 Return of Frustrating Easy Domain Adaptation
Ha Phuong
 
007 20151214 Deep Unsupervised Learning using Nonequlibrium Thermodynamics
Ha Phuong
 
006 20151207 draws - Deep Recurrent Attentive Writer
Ha Phuong
 
005 20151130 adversary_networks
Ha Phuong
 
004 20151116 deep_unsupervisedlearningusingnonequlibriumthermodynamics
Ha Phuong
 
Ad

Recently uploaded (20)

PPTX
SCHOOL-BASED SEXUAL HARASSMENT PREVENTION AND RESPONSE WORKSHOP
komlalokoe
 
PPTX
Latest Features in Odoo 18 - Odoo slides
Celine George
 
PPTX
Capitol Doctoral Presentation -July 2025.pptx
CapitolTechU
 
PDF
BÀI TẬP BỔ TRỢ THEO LESSON TIẾNG ANH - I-LEARN SMART WORLD 7 - CẢ NĂM - CÓ ĐÁ...
Nguyen Thanh Tu Collection
 
PDF
07.15.2025 - Managing Your Members Using a Membership Portal.pdf
TechSoup
 
PPTX
Folding Off Hours in Gantt View in Odoo 18.2
Celine George
 
PPTX
CLEFT LIP AND PALATE: NURSING MANAGEMENT.pptx
PRADEEP ABOTHU
 
PPTX
How to Configure Storno Accounting in Odoo 18 Accounting
Celine George
 
PPTX
Gall bladder, Small intestine and Large intestine.pptx
rekhapositivity
 
PPTX
national medicinal plants board mpharm.pptx
SHAHEEN SHABBIR
 
PPTX
IDEAS AND EARLY STATES Social science pptx
NIRANJANASSURESH
 
PPTX
Nutrition Month 2025 TARP.pptx presentation
FairyLouHernandezMej
 
PPTX
LEGAL ASPECTS OF PSYCHIATRUC NURSING.pptx
PoojaSen20
 
PPTX
Blanket Order in Odoo 17 Purchase App - Odoo Slides
Celine George
 
PPTX
THE HUMAN INTEGUMENTARY SYSTEM#MLT#BCRAPC.pptx
Subham Panja
 
PDF
water conservation .pdf by Nandni Kumari XI C
Directorate of Education Delhi
 
PPTX
Nutri-QUIZ-Bee-Elementary.pptx...................
ferdinandsanbuenaven
 
PPTX
ABDOMINAL WALL DEFECTS:GASTROSCHISIS, OMPHALOCELE.pptx
PRADEEP ABOTHU
 
PPTX
Modern analytical techniques used to characterize organic compounds. Birbhum ...
AyanHossain
 
PPSX
Health Planning in india - Unit 03 - CHN 2 - GNM 3RD YEAR.ppsx
Priyanshu Anand
 
SCHOOL-BASED SEXUAL HARASSMENT PREVENTION AND RESPONSE WORKSHOP
komlalokoe
 
Latest Features in Odoo 18 - Odoo slides
Celine George
 
Capitol Doctoral Presentation -July 2025.pptx
CapitolTechU
 
BÀI TẬP BỔ TRỢ THEO LESSON TIẾNG ANH - I-LEARN SMART WORLD 7 - CẢ NĂM - CÓ ĐÁ...
Nguyen Thanh Tu Collection
 
07.15.2025 - Managing Your Members Using a Membership Portal.pdf
TechSoup
 
Folding Off Hours in Gantt View in Odoo 18.2
Celine George
 
CLEFT LIP AND PALATE: NURSING MANAGEMENT.pptx
PRADEEP ABOTHU
 
How to Configure Storno Accounting in Odoo 18 Accounting
Celine George
 
Gall bladder, Small intestine and Large intestine.pptx
rekhapositivity
 
national medicinal plants board mpharm.pptx
SHAHEEN SHABBIR
 
IDEAS AND EARLY STATES Social science pptx
NIRANJANASSURESH
 
Nutrition Month 2025 TARP.pptx presentation
FairyLouHernandezMej
 
LEGAL ASPECTS OF PSYCHIATRUC NURSING.pptx
PoojaSen20
 
Blanket Order in Odoo 17 Purchase App - Odoo Slides
Celine George
 
THE HUMAN INTEGUMENTARY SYSTEM#MLT#BCRAPC.pptx
Subham Panja
 
water conservation .pdf by Nandni Kumari XI C
Directorate of Education Delhi
 
Nutri-QUIZ-Bee-Elementary.pptx...................
ferdinandsanbuenaven
 
ABDOMINAL WALL DEFECTS:GASTROSCHISIS, OMPHALOCELE.pptx
PRADEEP ABOTHU
 
Modern analytical techniques used to characterize organic compounds. Birbhum ...
AyanHossain
 
Health Planning in india - Unit 03 - CHN 2 - GNM 3RD YEAR.ppsx
Priyanshu Anand
 

Deep Learning And Business Models (VNITC 2015-09-13)

  • 1. Text Deep Learning and Business Models Tran Quoc Hoan The University of Tokyo VNITC@2015-09-13
  • 2. 2 Today agendas Deep Learning boom Essentials of Deep Learning Deep Learning - the newest Deep Learning and Business Models
  • 3. 3 What is Deep Learning? Deep Learning is a new trend of machine learning that enables machines to unravel high level abstraction in large amount of data Image recognition Speech recognition Customer Centric Management Natural Language Processing Drug Discovery & Toxicology
  • 4. Deep Learning Boom –Albert Einstein “If we knew what it was we were doing, it would not be called research, would it?”
  • 5. Big News - ILSVRC 2012 ILSVRC 2012 (ImageNet Large Scale Visual Recognition) SuperVision ISI OXFORD_VGG XRCE/INRIA UnivofAmsterdam 29.576% 27.058%26.979%26.172% 15.315% Error rate Image source: http://cs.stanford.edu/people/karpathy/cnnembed/ 5
  • 6. 6 Big News - Google brain Self-taught learning with unlabelled youtube videos and 16,000 computers AI grandmother cell (2012) (Cat)(Human)
  • 7. 7 Data and Machine Learning Most learning algorithms New AI method (Deep Learning) Amount of data Performance Image source: http://cs229.stanford.edu/materials/CS229-DeepLearning.pdf
  • 8. 8 New boom for the Giants & Startups Google brain project (2012) Facebook AI Research Lab (2013 Dec.) Project Adam (2014) Enlitic Ersatz Labs MetaMind Nervana Systems Skymind Deepmind One of 10 breakthrough technologies 2013 (MIT Technology Review) PFN (Japan)
  • 9. 9 Pioneers Geoffrey Hinton
 (Toronto, Google) Yoshua Bengio
 (Montreal) Yann LeCun
 (NewYork, Facebook) Andrew Ng
 (Stanford, Baidu) Jeffrey Dean
 (Google) Le Viet Quoc
 (Stanford, Google) Theory + algorithms Implementation
  • 10. 10 Sub-summary ・More than 2000 papers in 2014 ~ 2015 with 47 Google services.
  • 11. Essentials of Deep Learning –Albert Einstein “If we knew what it was we were doing, it would not be called research, would it?”
  • 12. 12 The basic calculation x1 x2 x3 +1 z f Active function z = f(x1w1 + x2w2 + x3w3 + w4) w1 w2 w3 w4 Input Forward propagation wi: weight parameters
  • 13. 13 Neural network (1/2) x1 x2 x3 +1 Input layer +1 +1 y Hidden layers Output layer f f f f h1 h2 z1 z2 Put deeper The deeper layer displays for comprehensive combination of small parts Prob(cat) = 99%
  • 14. 14 Neural network (2/2) x1 x2 x3 +1 Input layer +1 +1 y1 Hidden layers • Loss function E measures how output labels are similar to true labels.
 • For N input data {w1ij} {w2ij} {w3ij} Supervisor learning y2 yk Output (Ex. probability of each in k class in classification task) Find parameters {w} to minimize E → How?
  • 15. 15 Backward propagation x1 x2 x3 +1 Input layer r s y Output layer y* E w ∂E ∂y ∂E ∂y ∂y ∂s ∂E ∂y ∂y ∂s ∂s ∂w ∂E ∂w = Backward from loss to update parameters (true label) How E change when move w How E change when move s How E change when move y
  • 16. 16 Vanishing gradient problem x1 x2 x3 +1 +1 +1 y y* E … Error vanish with back-propagation at low layer ・Neural network architecture reached the limit before deep learning boom
  • 17. 17 Features representation ・Deep learning reduced the human’s time-consuming of features selection process in classification task Features selection Parameter learning Answer Features selection + Parameter learning Answer Previous methods Deep Learning
  • 18. Convolutional Neural Network ConvNet diagram from Torch Tutorial Sub sampling Emphasis special features The most popular kind of deep learning model 18
  • 19. How to train parameters Trainable parameters Values in each kernel of convolutional layer Weigh values and bias in fully connection layer Stochastic Gradient Descent (SGD) (others: AdaGrad, Adam,…) Parameters update W ← W - ß ∂E ∂W Backward propagation Learning rate
  • 20. SGD - Mini batch Batch learning: update all samples in each update (over-fitting) Mini batch: update parameters with some samples 20
  • 21. Training trick Data normalization Reduce learning rate after some iterations Momentum SGD 21
  • 22. 22 Auto-encoder (1/2) y … How to initialize these parameters
  • 23. 23 Auto-encoder (2/2) The ability of reconstruct input makes a good initialization for parameters x x’ h(x) Reconstruct error E = ||x - x’|| Encode Decode
  • 24. 24 Robust algorithms Data augmentation: more noisy data → more robust model Nodes in network don’t need to active all (mimic human brain) → 
 Dropout concept …
  • 25. Deep Learning - The Newest –Albert Einstein “If we knew what it was we were doing, it would not be called research, would it?”
  • 26. 26 In Services Google Translate App Deep learning inside (work offline) July 29, 2015 version
  • 27. 27 In Services My implemented service http://yelpio.hongo.wide.ad.jp/
  • 28. 28 In Medical Imaging Segmentation Offline due to image’s copyright
  • 30. In Speech Interfaces 99% is much different with 95% (Andrew Ng. - Baidu) https://medium.com/s-c-a-l-e/how-baidu-mastered-mandarin-with-deep- learning-and-lots-of-data-1d94032564a5 30
  • 31. In Drug Discovery Active Active Inactive 1 0 1 0 0 1 10010000110011 Chemical compound Assay data Finger print + Activity Deep Neural Net PubChem Database Prediction of Drug Activity multiple targets http://on-demand.gputechconf.com/gtc/2015/presentation/S5813-Nobuyuki-Ota.pdf 31
  • 32. Applications in IoT(Internet of Things) More difficult tasks in AI, robotics, information processing Huge amount of time series data and states of sensor & devices data RNN (recurrent neural network) Difficult to get supervisor data VAE (variational auto encoder) Take action in conditions, environments Deep Reinforcement Learning Image source:
 http://on-demand.gputechconf.com/gtc/2015/presentation/S5813- Nobuyuki-Ota.pdf 32
  • 33. RNN (1/3) Recurrent Neural Network: loop inside neural network Represent for time series data, sequence of inputs (speech model, natural language model,…) . . . . . . . . . x(t) y(t) z(t) = f( z(t-1), x(t) ) 33
  • 34. RNN (2/3) Time series extension of RNN … … t = 1 t = 2 t = 3 t = T Back propagation through time (BPTT) + Long Short-Term Memory How to learn parameters? 34 … … … … … … … … … … …
  • 35. RNN (3/3) Neural Turing Machine [A. Graves, 2014] Neural network which has the capability of coupling the external memories Applications: COPY, PRIORITY SORT 35 NN with parameters to coupling to external memories
  • 36. 36 VAE (variational auto encoder) Learn a mapping from some latent variable z to a complicated distribution on x p(x) = ∫p(x,z)dz where p(x, z) = p(x|z)p(z) p(z) = something simple and p(x|z) = f(z) = neural network Encode
  • 37. VAE Example: generate face image from 29 hidden variables http://vdumoulin.github.io/morphing_faces/online_demo.html 37
  • 38. VAE Example: learning from number and writing style Experiment (PFN): given a number x, produce outputs as remained numbers with writing style of x VAE: useful in half-supervised learning process (especially when training data are not enough) Image from ディープラーニングが活かすIoT, Preferred Networks, Inc. 2015/06/09 Interop 2015 seminar
  • 39. 39 Reinforcement Learning (RL) Environment (street, factory,…) Agent
 (car, robot,…) Action a(t) Reward r(t) State s(t) Total rewards in the future R = r(t) + µr(t+1) + µ2r(t+2) + … (µ < 1) Design next action
  • 40. 40 Deep Reinforcement Learning (RL) Q - learning: need to know future expectation reward Q(s, a) of action a at state s (Bellman update equation)
 Q(s, a) <— Q(s, a) + ß ( r + µ maxa’ Q(s’, a’) - Q(s, a) ) Deep Q-Learning Network [V. Mnih, 2015] Get Q(s, a) by a deep neural network Q(s, a, w) Maximize: L(w) = E[ (r + µ max Q(s’, a’, w) - Q(s, a, w))2 ] Useful when there are many states
  • 41. 41 PFN - demo https://www.youtube.com/watch?v=RH2TmreYkdA
  • 42. Deep Learning and Business Models –Albert Einstein “If we knew what it was we were doing, it would not be called research, would it?”
  • 43. The future of the field Better hardware and bigger machine cluster Better implementations and optimizations Understand video, text and signals Develop in business models Deep learning is just the tip of the iceberg 43
  • 44. Model 1 - Framework development Bridge the gap between algorithms and implementation Provide common interfaces and understandable API for users Pylearn2 44
  • 45. Model 2 - Building a deep-able hardware New hardware (chipset) architecture for Deep Learning Synopsys http://www.bdti.com/InsideDSP/2015/04/21/Synopsys Processors’ convolutional network capabilities Qualcomm Zeroth Platform Cognitive computing and custom CPU drive Snapdragon 820 processors https://www.qualcomm.com/news/snapdragon/2015/03/02/cognitive- computing-and-custom-cpu-drive-next-gen-snapdragon-processors NVIDIA DIGITS DevBox https://developer.nvidia.com/devbox 45
  • 46. Model 3 - Deep Intelligences for IoT Sensing Action Feedback Analysis Union Image from ディープラーニングが活かすIoT, Preferred Networks, Inc. 2015/06/09 Interop 2015 seminar
  • 47. Model 4 - Host API and deep learning service Data in Model out https://www.metamind.io/vision/train https://www.metamind.io/language/train Usability + Tuning + Scale out 47
  • 48. Model 5 - Personal Deep Learning Data in Label out DeepFace (Facebook) http://www.adweek.com/socialtimes/deepface/433401 Facial verification & tagging Applied previous solutions Almost free 48
  • 49. Summary Deep Learning has the capability to find patterns among data by enabling wide range of abstraction. Deep Learning shown significant results in voice and image recognition compared with conventional machine learning methods. Deep Learning has potential applications and business models in some important key sectors. The challenges are your ideas ! 49
  • 50. “Thank you for listening.” • Some good materials for learning • Papers, code, blog, seminars, online courses • For beginner: 深層学習 (機械学習プロフェッショナルシリーズ) • Deep Learning - an MIT Press book in preparation • http://www.iro.umontreal.ca/~bengioy/dlbook/ 50