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

50
Text Deep Learning and Business Models Tran Quoc Hoan The University of Tokyo VNITC@2015-09-13

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

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

Text

Deep Learning and Business ModelsTran Quoc Hoan

The University of Tokyo VNITC@2015-09-13

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

2

Today agendas

Deep Learning boom Essentials of Deep Learning Deep Learning - the newest Deep Learning and Business Models

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

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

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

Deep Learning Boom

–Albert Einstein

“If we knew what it was we were doing, it would not be called research, would it?”

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

Big News - ILSVRC 2012ILSVRC 2012 (ImageNet Large Scale Visual Recognition)

SuperVision

ISI

OXFO

RD_VGG

XRCE/INRIA

Univ of Amsterdam

29.576%27.058%26.979%26.172%

15.315%

Error rate

Image source: http://cs.stanford.edu/people/karpathy/cnnembed/ 5

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

6

Big News - Google brainSelf-taught learning with unlabelled youtube videos and 16,000 computers

AI grandmother cell (2012)

(Cat)(Human)

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

7

Data and Machine Learning

Most learning algorithms

New AI method (Deep Learning)

Amount of data

Perfo

rman

ce

Image source: http://cs229.stanford.edu/materials/CS229-DeepLearning.pdf

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

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)

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

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

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

10

Sub-summary・More than 2000 papers in 2014 ~ 2015 with 47 Google services.

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

Essentials of Deep Learning

–Albert Einstein

“If we knew what it was we were doing, it would not be called research, would it?”

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

12

The basic calculation

x1

x2

x3

+1

z

f Active function

z = f(x1w1 + x2w2 + x3w3 + w4)w1

w2

w3

w4

Input

Forward propagationwi: weight parameters

Page 13: Deep Learning And Business Models (VNITC 2015-09-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%

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

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?

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

15

Backward propagation

x1

x2

x3

+1

Input layer

r sy

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

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

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

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

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

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

Convolutional Neural Network

ConvNet diagram from Torch Tutorial

Sub samplingEmphasis special features

The most popular kind of deep learning model

18

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

How to train parametersTrainable 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

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

SGD - Mini batchBatch learning: update all samples in each update (over-fitting)

Mini batch: update parameters with some samples

20

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

Training trickData normalization

Reduce learning rate after some iterations

Momentum SGD

21

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

22

Auto-encoder (1/2)

y

How to initialize these parameters

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

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

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

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

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

Deep Learning - The Newest

–Albert Einstein

“If we knew what it was we were doing, it would not be called research, would it?”

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

26

In Services

Google Translate App

Deep learning inside (work offline) July 29, 2015 version

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

27

In Services

My implemented service http://yelpio.hongo.wide.ad.jp/

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

28

In Medical Imaging

Segmentation

Offline due to image’s copyright

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

In Automatic Devices

http://blogs.nvidia.com/blog/2015/02/24/deep-learning-drive/

Self-driving car

29

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

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

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

In Drug DiscoveryActive

Active

Inactive

1

0

1

0

0

1

10010000110011

Chemical compound

Assay data Finger print + Activity

Deep Neural NetPubChem Database

Prediction of Drug Activity multiple targets

http://on-demand.gputechconf.com/gtc/2015/presentation/S5813-Nobuyuki-Ota.pdf 31

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

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

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

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

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

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

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

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

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

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

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

VAEExample: generate face image from 29 hidden variables

http://vdumoulin.github.io/morphing_faces/online_demo.html37

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

VAEExample: 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

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

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

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

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

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

41

PFN - demo https://www.youtube.com/watch?v=RH2TmreYkdA

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

Deep Learning and Business Models

–Albert Einstein

“If we knew what it was we were doing, it would not be called research, would it?”

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

The future of the field

Better hardware and bigger machine cluster

Better implementations and optimizations

Understand video, text and signals

Develop in business modelsDeep learning is just the tip of the iceberg

43

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

Model 1 - Framework development

Bridge the gap between algorithms and implementation

Provide common interfaces and understandable API for users

Pylearn2

44

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

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

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

Model 3 - Deep Intelligences for IoTSensing

Action

FeedbackAnalysis

Union

Image from ディープラーニングが活かすIoT, Preferred Networks, Inc. 2015/06/09 Interop 2015 seminar

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

Model 4 - Host API and deep learning service

Data in

Model out

https://www.metamind.io/vision/trainhttps://www.metamind.io/language/train

Usability + Tuning + Scale out47

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

Model 5 - Personal Deep Learning

Data in

Label out

DeepFace (Facebook)

http://www.adweek.com/socialtimes/deepface/433401Facial verification & tagging

Applied previous solutions Almost free 48

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

SummaryDeep 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

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

“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