SlideShare ist ein Scribd-Unternehmen logo
1 von 58
Downloaden Sie, um offline zu lesen
DRAW	
Presented	by	
Mark	Chang	
1
Original	Paper	
•  Title:	
– DRAW:	A	Recurrent	Neural	Network	For	Image	
GeneraEon	
•  Authors:	
– Karol	Gregor,	Ivo	Danihelka,	Alex	Graves,	Danilo	
Jimenez	Rezende	and	Daan	Wierstra		
•  OrganizaEon:	
– Google	DeepMind		
•  URL:	
– hNps://arxiv.org/pdf/1502.04623v2.pdf	
2
Outline	
•  Image	GeneraEon	
–  DiscriminaEve	Model	
–  GeneraEve	Model	
–  What	is	DRAW	?	
•  Background	Knowledge	
–  Neural	Networks	
–  Autoencoder	
–  VariaEonal	Autoencoder	
–  Recurrent	Neural	Networks	
–  Long	Short-term	Memory	
•  DRAW	
–  Network	Architecture	
–  SelecEve	ANenEon	Model	
–  Training	DRAW	
–  GeneraEng	New	Images	
–  Experiments	
3
Image	GeneraEon	
•  DiscriminaEve	Model	
•  GeneraEve	Model	
•  What	is	DRAW	?	
4
DiscriminaEve	Model	
model
training	data
They	are	5.
They	are	7.
This	is	7.	
tesEng	data
a_er	
training
Is	this	5	or	7?	
5
DiscriminaEve	Model	
low	dimensional		
space	
high	dimensional		
space	
discriminaEve	
model	
feature	
extracEon	
other	
example	
6
GeneraEve	Model	
model
training	data
They	are	5.
They	are	7.
Draw	a	7,	please.
a_er	
training
7
GeneraEve	Model	
low	dimensional		
space	
high	dimensional		
space	
GeneraEve	
model	
generate	
new	
example	 other	
example	
8
What	is	DRAW	?	
•  GeneraEve	Model	for	Image	GeneraEon:	
– Deep	ConvoluEonal	GeneraEve	Adversarial	Networks	
(DCGAN)	
– Pixel	Recurrent	Neural	Networks	(PixelRNN)	
– Deep	Recurrent	ANenEve	Writer	(DRAW)	
9
What	is	DRAW	?	
You	can’t	capture	all	the	details	at	once.	
image		
reconstruct		
the	image		
feed	it	into	
the	model	
model
10
What	is	DRAW	?	
reconstruct	the	image	“step	by	step”	
Deep	Recurrent	ANenEve	Writer	(DRAW)	
aNenEon	
reconstruct	
the	image		
result	
model	
11
Background	Knowledge	
•  Neural	Networks	
•  Autoencoder	
•  VariaEonal	Autoencoder	
•  Recurrent	Neural	Networks	
•  Long	Short-term	Memory	
12
Background	Knowledge	
13	
Autoencoder	
VariaEonal	Autoencoder	
Recurrent	Neural	Networks	
Long	Short-term	Memory	
Neural	Networks	
generate	new	
example	
low	dimensional		
space	
high	dimensional		
space	
reconstruct	the	image	
“step	by	step”
Neural	Networks	
n
W1
W2
x1
x2
b
Wb
y
nin = w1x1 + w2x2 + wb
nout =
1
1 + e nin nin
nout
y =
1
1 + e (w1x1+w2x2+wb)
neuron	
acEvaEon	funcEon	
	(sigmoid)	
14
nout = 1
nout = 0.5
nout = 0(0,0)
x2
x1
Neuron
nin = w1x1 + w2x2 + wb
nout =
1
1 + e nin
nin = w1x1 + w2x2 + wb
nout =
1
1 + e nin
w1x1 + w2x2 + wb = 0
w1x1 + w2x2 + wb > 0
w1x1 + w2x2 + wb < 0
1
0
input	signal	 output	signal	
15
AND	Gate	
x1
 x2
 y
0
 0
 0
0
 1
 0
1
 0
 0
1
 1
 1
(0,0)
(0,1)
 (1,1)
(1,0)
0
1
n
20
20
b
-30
y
x1	
x2	
y =
1
1 + e (20x1+20x2 30)
20x1 + 20x2 30 = 0
16
XOR	Gate	?
(0,0)
(0,1)
 (1,1)
(1,0)
0
0
1
x1
 x2
 y
0
 0
 0
0
 1
 1
1
 0
 1
1
 1
 0
17
XOR	Gate	
n
-20
20
b
-10
y
(0,0)
(0,1)
 (1,1)
(1,0)
0
1
(0,0)
(0,1)
 (1,1)
(1,0)
1
0
(0,0)
(0,1)
 (1,1)
(1,0)
0
0
1
n1
20
20
b
-30
x1	
x2	
n2
20
20
b
-10
x1	
x2	
x1
 x2
 n1
 n2
 y
0
 0
 0
 0
 0
0
 1
 0
 1
 1
1
 0
 0
 1
 1
1
 1
 1
 1
 0
18
Neural	Networks	
x
y
n11
n12
n21
n22
W12,y
W12,x
b
W11,y
W11,b
W12,b
b
W11,x
 W21,11
W22,12
W21,12
W22,11
W21,b
W22,b
z1
z2
Input		
Layer
Hidden	
Layer
Output	
Layer
19
Training	Neural	Networks	
7	
5	
Inputs:		 Outputs:	
60%	
40%	
7	
5	 100%	
Golden:	 y
p(y|x)x
J = log(p(y|x))
w = w ⌘
@log(p(y|x))
@w
forward	propagaEon
backward	propagaEon
loss	funcEon	
20
Training	Neural	Networks	
w w
21	
p(y|x) ⇡ 1
p(y|x) ⇡ 0
J = log(p(y|x))
Training	Neural	Networks	
	Learning	Rate		
22	
gradient	descent	
w = w ⌘
@log(p(y|x))
@w
@log(p(y|x))
@w
Training	Neural	Networks	
23	
Golden						is	1	
Golden						is	0	
p(y|x)
y
y
w = w ⌘
@log(p(y|x))
@w
x
Training	Neural	Networks	
24
Backward	PropagaEon	
n2
 n1
J
Cost		
funcEon:	
n2(out) n2(in) w21
25	
@J
@w21
=
@J
@n2(out)
@n2(out)
@n2(in)
@n2(in)
@w21
w21 w21 ⌘
@J
@w21
w21 w21 ⌘
@J
@n2(out)
@n2(out)
@n2(in)
@n2(in)
@w21
Autoencoder	
input	 output	
encode
 decode
x
h(x)
ˆx = g(h(x))
smaller		
hidden	layer	
same	size	
26
Autoencoder	
input	
x
low	
dimensional		
space	
high	
dimensional		
space	
h(x)
encode	
encode	
decode	
decode	
output	
ˆx = g(h(x))
27
VariaEonal	Inference	
Intractable	to	compute	
observable		
data:					x
latent		
space:		z
p(z|x) =
p(z, x)
p(x)
=
p(x|z)p(z)
R
p(x|z)p(z)dz
p(x|z) can	be	easily	computed.	
28
VariaEonal	Autoencoder	
VariaEonal	Inference:	
1.	Approximate     by	
2.	Minimize	the	KL	Divergence:	
p(z|x) q(z)
DKL[q(z)||p(z|x)] =
Z
q(z)log
q(z)
p(z|x)
dz
hNps://www.youtube.com/playlist?list=PLeeHDpwX2Kj55He_jfPojKrZf22HVjAZY	
	
29
Encoder	
Networks	
	
	
	Decoder	
Networks	
	
	
VariaEonal	Autoencoder	
p✓(x|z)
✏ ⇠ N(0, I)
x
z = µ + ✏
z
input	
ˆx
output	
µ
Sampling	normal	
distribuEon	
N(µ, )
g (µ, |x)
30
VariaEonal	Autoencoder	
encode	
low	dimensional		
space	
encode	
decode	
decode	
decode	
x
µ,
z = µ + ✏
✏ ⇠ N(0, I)
z
ˆx
normal	
distribuEon	
Sampling	
	
	
input	
output	
N(µ, )
high	
dimensional		
space	
31
Recurrent	Neural	Network
This	is	a	cat.	 This	is	a	cat.	
This	is	a		This	 This	is		
model	with	memory	
This	is	a	cat.	
32
Recurrent	Neural	Network	
nin,t = wcxt + wpnout,t 1 + wb
nout,t =
1
1 + e nin,t
The	output	is	feedback	into	the	input.	
n
Wc
b
 Wb
xt
yt
nout,t
nin,t
Wp
33
Recurrent	Neural	Network	
This
is
 n(n(This),	is)
n(	This	)
a
 n(n(n(This),is),a)
n
Wc
b
Wb
xt
 yt
nout,t
nin,t
Wp
n
Wc
b
Wb
xt
 yt
nout,t
nin,t
Wp
n
Wc
b
Wb
xt
 yt
nout,t
nin,t
Wp
34
The	black	dog	is	chasing	the	white	cat.	
Recurrent	Neural	Network	
QuesEon:	what	is	the	color	of	the	dog	chasing	the	cat?	
The	memory	is	limited,		
so	it	can’t	remember	everything.	
35
Long	Short-Term	Memory	
Input	Gate:	Cin
Read	Gate:	Cread
Forget	Gate:	Cforget
Write	Gate:	Cwrite
Output	Gate:	Cout
36
Long	Short-Term	Memory	
•  Cwrite	
Cwrite = sigmoid(wcw,xxt + wcw,yyt 1 + wcw,b)
min,t = koutCwrite
kout = tanh(wk,xxt + wk,b)
37
Long	Short-Term	Memory
•  Cforget	
Cforget = sigmoid(wcf,xxt + wcf,yyt + wcf,b)
mout,t = min,t +Cforgetmout,t 1
38
Long	Short-Term	Memory
•  Cread
Cread = sigmoid(wcr,xxt + wcr,yyt 1 + wcr,b)
Cout nout= Cread
nout = tanh(mout,t)
39
The	black	dog	is	chasing	the	white	cat.	
Long	Short-Term	Memory	
QuesEon:	what	is	the	color	of	the	dog	chasing	the	cat?	
It	keeps	the	most	important	informaEon		
in	its	memory.	
black	dog	chasing	cat	
40
DRAW	
•  Network	Architecture	
•  SelecEve	ANenEon	Model	
•  Training	DRAW	
•  GeneraEng	New	Images	
•  Experiments	
41
Network	Architecture	
zt ⇠ Q(Zt|henc
t )
henc
t = RNNenc
(henc
t 1, [rt, hdec
t 1])
hdec
t = RNNdec
(hdec
t 1, zt)
ct = ct 1 + write(hdec
t )
rt = read(x, ˆxt, hdec
t 1)
RNNdec	
x
henc
t
zt
ct 1 ct
hdec
t 1
RNNenc	
ˆxt
RNNdec	
RNNenc	
henc
t 1
input	
image	
sampling	
canvas	
hdec
t
ˆxt = x sigmoid(ct 1)
42
Network	Architecture	
x
hdec
t
henc
t
zt
ct 1 ct
hdec
t 1
RNNenc	
ˆxt
RNNdec	
RNNenc	
henc
t 1
x
zt+1
henc
t+1
hdec
t+1
ct+1
ˆxt+1
RNNenc	
RNNdec	
cT
sigmoid	
RNNdec	
P(x|z1:T )
output	
image	
input	
image	
canvas	
43
X	
A	
B	
Y	
N = 3
SelecEve	ANenEon	Model	
(gX , gY )
centre	of	
the	grid	
centre	of	
the	filter1,2	
(µ1
X , µ2
Y )
µi
X = gX + (i N/2 0.5)
µj
Y = gY + (i N/2 0.5)
µ1
X = gX + (1 1.5 0.5)
= gX
µ2
Y = gY + (2 1.5 0.5)
= gY
N	×	N	grid	of	Gaussian	filters	
distance	
between	
the	filters	
44
SelecEve	ANenEon	Model	
(gX , gY )
X	
A	
B	
Y	
(µ1
X , µ2
Y )
N = 3
(˜gX , ˜gY , log 2
, log˜, log ) = W(hdec
)
gX =
A + 1
2
(˜gX + 1)
gY =
B + 1
2
(˜gY + 1)
=
max(A, B) 1
N 1
˜
parameters	are	determined	by	hdec		
variance	of	the	
Gaussian	filters	
45
SelecEve	ANenEon	Model	
FY [i, b] =
1
ZY
exp(
(b µi
Y )2
2 2
)
horizontal	and	verEcal	filter	bank	matrices	
FX [i, a] =
1
ZX
exp(
(a µi
X )2
2 2
)
A	
B	
FX
FX[1, :]
FX[2, :]
FX[3, :]
horizontal	filter	bank	matrix	
verEcal	filter	bank	matrix	
FT
Y
FY [1, :]T
FY [2, :]T
FY [3, :]T
46
SelecEve	ANenEon	Model	
read(x, ˆxt, hdec
t 1) = [FY xFT
X , FY ˆxtFT
X ]
N	
N	
intensity	
horizontal	
filter	bank	
matrix	
verEcal	
filter	bank	
matrix	
FY FT
Xx
N	
A	
B	
FY xFT
X
47
SelecEve	ANenEon	Model	
(˜g0
X , ˜g0
Y , log 02
, log˜0
, log 0
, wt) = W(hdec
)
write(hdec
t ) =
1
ˆ
F0T
Y wtF0
X
F0T
Y F0
X
A	
B	
wt
A	
B	
F0T
Y wtF0
X
48
Training	DRAW	
reconstrucEon	loss	
Bernoulli	distribuEon		
D(x|cT ) = P(x|z1:T )x
(1 P(x|z1:T ))1 x
Lx
= logD(x|cT )
=
⇣
xlogP(x|z1:T ) + (1 x)log 1 P(x|z1:T )
⌘
P(x|z1:T )
pixel	at	
posiEon	i,j	
xi,j = P(x|z1:T )i,j
) logD(x|cT )i,j = 0
P(x|z1:T )i,j
xi,j
x
xi,j 6= P(x|z1:T )i,j
) logD(x|cT )i,j = 1
49
Training	DRAW	
Lz
=
TX
t=1
KL
⇣
Q(Zt|henc
t )||P(Zt)
⌘
latent	loss	(regularizaEon)	
Q(Zt|henc
t ) = N(Zt|µt, t)
P(Zt) = N(Zt|0, 1)
Lz
=
1
2
⇣ TX
t=1
µ2
t + 2
t log 2
t
⌘ T
2
prior	
henc
t
RNNenc	
Q(Zt|henc
t )
W(henc
t )
µt, t
P(Zt)
Q	should	be	as	
simple	as	possible	
50
Training	DRAW	
L = Lx
+ Lz
total	loss		
=	reconstrucEon	loss	+	latent	loss		
w w ⌘
@L
@w
gradient	descent	
51	
reconstrucEon	and	
x	should	be	as	
similar	as	possible.		
z	should	be	as	
simple	as	possible.
GeneraEng	New	Images	
˜zt ⇠ P(Zt)
˜hdec
t = RNNdec
(˜hdec
t 1, ˜zt)
˜ct = ˜ct 1 + write(˜hdec
t )
˜x ⇠ D(X|˜cT )
RNNdec	RNNdec	
canvas	
D	
˜zt
˜hdec
t
˜ct
˜cT
˜ct 1
˜hdec
t 1
52
Experiments	
MNIST	
hNps://www.youtube.com/watch?v=Zt-7MI9eKEo	
	
generated	data	 training	data	
53
Experiments	
SVHN	
hNps://www.youtube.com/watch?v=Zt-7MI9eKEo	
	
generated	data	 training	data	
54
Experiments	
CIFAR	
hNps://www.youtube.com/watch?v=Zt-7MI9eKEo	
	
generated	data	 training	data	
55
Further	Reading	
•  Neural	Network	Back	PropagaEon:	
–  hNp://cpmarkchang.logdown.com/posts/277349-neural-
network-backward-propagaEon	
•  VariaEonal	Autoencoder:	
–  hNps://arxiv.org/abs/1312.6114	
–  hNps://www.youtube.com/playlist?
list=PLeeHDpwX2Kj55He_jfPojKrZf22HVjAZY	
•  DRAW	
–  hNps://arxiv.org/pdf/1502.04623v2.pdf	
•  DCGAN	
–  hNps://arxiv.org/abs/1511.06434	
56
Source	Code	
•  hNps://github.com/ericjang/draw	
57
About	the	Speaker	
•  Email:	ckmarkoh	at	gmail	dot	com	
•  Blog:	hNp://cpmarkchang.logdown.com	
•  Github:	hNps://github.com/ckmarkoh	
Mark	Chang	
•  Facebook:	hNps://www.facebook.com/ckmarkoh.chang	
•  Slideshare:	hNp://www.slideshare.net/ckmarkohchang	
•  Linkedin:	hNps://www.linkedin.com/pub/mark-chang/85/25b/847	
•  Youtube:	
hNps://www.youtube.com/channel/UCckNPGDL21aznRhl3EijRQw	
	
58

Weitere ähnliche Inhalte

Was ist angesagt?

Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Simplilearn
 

Was ist angesagt? (20)

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Neural networks and deep learning
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
 
Deep learning
Deep learningDeep learning
Deep learning
 
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
[PR12] You Only Look Once (YOLO): Unified Real-Time Object Detection
 
Convolutional neural network
Convolutional neural network Convolutional neural network
Convolutional neural network
 
Intro to Neural Networks
Intro to Neural NetworksIntro to Neural Networks
Intro to Neural Networks
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Object Detection using Deep Neural Networks
Object Detection using Deep Neural NetworksObject Detection using Deep Neural Networks
Object Detection using Deep Neural Networks
 
Machine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural NetworksMachine Learning - Introduction to Convolutional Neural Networks
Machine Learning - Introduction to Convolutional Neural Networks
 
You Only Look Once: Unified, Real-Time Object Detection
You Only Look Once: Unified, Real-Time Object DetectionYou Only Look Once: Unified, Real-Time Object Detection
You Only Look Once: Unified, Real-Time Object Detection
 
Resnet
ResnetResnet
Resnet
 
Object detection
Object detectionObject detection
Object detection
 
Deep Learning
Deep Learning Deep Learning
Deep Learning
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detection
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Keras: Deep Learning Library for Python
Keras: Deep Learning Library for PythonKeras: Deep Learning Library for Python
Keras: Deep Learning Library for Python
 
Artificial Neural Networks for NIU session 2016 17
Artificial Neural Networks for NIU session 2016 17 Artificial Neural Networks for NIU session 2016 17
Artificial Neural Networks for NIU session 2016 17
 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement Learning
 

Andere mochten auch

Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...
Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...
Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...
Alex Pinto
 
Boston Spark Meetup May 24, 2016
Boston Spark Meetup May 24, 2016Boston Spark Meetup May 24, 2016
Boston Spark Meetup May 24, 2016
Chris Fregly
 
Machine Learning Preliminaries and Math Refresher
Machine Learning Preliminaries and Math RefresherMachine Learning Preliminaries and Math Refresher
Machine Learning Preliminaries and Math Refresher
butest
 
Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...
Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...
Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...
Chris Fregly
 

Andere mochten auch (20)

高嘉良/Open Innovation as Strategic Plan
高嘉良/Open Innovation as Strategic Plan高嘉良/Open Innovation as Strategic Plan
高嘉良/Open Innovation as Strategic Plan
 
Machine Learning without the Math: An overview of Machine Learning
Machine Learning without the Math: An overview of Machine LearningMachine Learning without the Math: An overview of Machine Learning
Machine Learning without the Math: An overview of Machine Learning
 
[系列活動] 資料探勘速遊
[系列活動] 資料探勘速遊[系列活動] 資料探勘速遊
[系列活動] 資料探勘速遊
 
02 math essentials
02 math essentials02 math essentials
02 math essentials
 
Kafka Summit SF Apr 26 2016 - Generating Real-time Recommendations with NiFi,...
Kafka Summit SF Apr 26 2016 - Generating Real-time Recommendations with NiFi,...Kafka Summit SF Apr 26 2016 - Generating Real-time Recommendations with NiFi,...
Kafka Summit SF Apr 26 2016 - Generating Real-time Recommendations with NiFi,...
 
Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...
Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...
Secure Because Math: A Deep-Dive on Machine Learning-Based Monitoring (#Secur...
 
Big Data Spain - Nov 17 2016 - Madrid Continuously Deploy Spark ML and Tensor...
Big Data Spain - Nov 17 2016 - Madrid Continuously Deploy Spark ML and Tensor...Big Data Spain - Nov 17 2016 - Madrid Continuously Deploy Spark ML and Tensor...
Big Data Spain - Nov 17 2016 - Madrid Continuously Deploy Spark ML and Tensor...
 
qconsf 2013: Top 10 Performance Gotchas for scaling in-memory Algorithms - Sr...
qconsf 2013: Top 10 Performance Gotchas for scaling in-memory Algorithms - Sr...qconsf 2013: Top 10 Performance Gotchas for scaling in-memory Algorithms - Sr...
qconsf 2013: Top 10 Performance Gotchas for scaling in-memory Algorithms - Sr...
 
The Genome Assembly Problem
The Genome Assembly ProblemThe Genome Assembly Problem
The Genome Assembly Problem
 
Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...
Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...
Advanced Spark and TensorFlow Meetup 08-04-2016 One Click Spark ML Pipeline D...
 
High Performance Distributed TensorFlow with GPUs - TensorFlow Chicago Meetup...
High Performance Distributed TensorFlow with GPUs - TensorFlow Chicago Meetup...High Performance Distributed TensorFlow with GPUs - TensorFlow Chicago Meetup...
High Performance Distributed TensorFlow with GPUs - TensorFlow Chicago Meetup...
 
Boston Spark Meetup May 24, 2016
Boston Spark Meetup May 24, 2016Boston Spark Meetup May 24, 2016
Boston Spark Meetup May 24, 2016
 
Machine Learning Essentials (dsth Meetup#3)
Machine Learning Essentials (dsth Meetup#3)Machine Learning Essentials (dsth Meetup#3)
Machine Learning Essentials (dsth Meetup#3)
 
陸永祥/全球網路攝影機帶來的機會與挑戰
陸永祥/全球網路攝影機帶來的機會與挑戰陸永祥/全球網路攝影機帶來的機會與挑戰
陸永祥/全球網路攝影機帶來的機會與挑戰
 
Gradient Descent, Back Propagation, and Auto Differentiation - Advanced Spark...
Gradient Descent, Back Propagation, and Auto Differentiation - Advanced Spark...Gradient Descent, Back Propagation, and Auto Differentiation - Advanced Spark...
Gradient Descent, Back Propagation, and Auto Differentiation - Advanced Spark...
 
Machine Learning Preliminaries and Math Refresher
Machine Learning Preliminaries and Math RefresherMachine Learning Preliminaries and Math Refresher
Machine Learning Preliminaries and Math Refresher
 
Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...
Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...
Deploy Spark ML and Tensorflow AI Models from Notebooks to Microservices - No...
 
TensorFlow 深度學習快速上手班--電腦視覺應用
TensorFlow 深度學習快速上手班--電腦視覺應用TensorFlow 深度學習快速上手班--電腦視覺應用
TensorFlow 深度學習快速上手班--電腦視覺應用
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial Networks
 
NTHU AI Reading Group: Improved Training of Wasserstein GANs
NTHU AI Reading Group: Improved Training of Wasserstein GANsNTHU AI Reading Group: Improved Training of Wasserstein GANs
NTHU AI Reading Group: Improved Training of Wasserstein GANs
 

Ähnlich wie DRAW: Deep Recurrent Attentive Writer

Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PyData
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
Turi, Inc.
 

Ähnlich wie DRAW: Deep Recurrent Attentive Writer (20)

Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
 
Generative modeling with Convolutional Neural Networks
Generative modeling with Convolutional Neural NetworksGenerative modeling with Convolutional Neural Networks
Generative modeling with Convolutional Neural Networks
 
Deep Learning AtoC with Image Perspective
Deep Learning AtoC with Image PerspectiveDeep Learning AtoC with Image Perspective
Deep Learning AtoC with Image Perspective
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
An Introduction to Deep Learning (March 2018)
An Introduction to Deep Learning (March 2018)An Introduction to Deep Learning (March 2018)
An Introduction to Deep Learning (March 2018)
 
Evolution of Deep Learning and new advancements
Evolution of Deep Learning and new advancementsEvolution of Deep Learning and new advancements
Evolution of Deep Learning and new advancements
 
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and TensorflowArtificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
Artificial Intelligence and Deep Learning in Azure, CNTK and Tensorflow
 
Machine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspectiveMachine Learning from a Software Engineer's perspective
Machine Learning from a Software Engineer's perspective
 
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...Machine learning from a software engineer's perspective - Marijn van Zelst - ...
Machine learning from a software engineer's perspective - Marijn van Zelst - ...
 
Introduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural NetworksIntroduction to computer vision with Convoluted Neural Networks
Introduction to computer vision with Convoluted Neural Networks
 
Introduction to computer vision
Introduction to computer visionIntroduction to computer vision
Introduction to computer vision
 
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...
Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...
Efficient Variable Size Template Matching Using Fast Normalized Cross Correla...
 
Promises of Deep Learning
Promises of Deep LearningPromises of Deep Learning
Promises of Deep Learning
 
Automatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face RecognitionAutomatic Attendace using convolutional neural network Face Recognition
Automatic Attendace using convolutional neural network Face Recognition
 
2nd DL Meetup @ Dublin - Irene
2nd DL Meetup @ Dublin - Irene2nd DL Meetup @ Dublin - Irene
2nd DL Meetup @ Dublin - Irene
 
Deep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep FeaturesDeep Learning Made Easy with Deep Features
Deep Learning Made Easy with Deep Features
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwriting
 

Mehr von Mark Chang

Mehr von Mark Chang (20)

Modeling the Dynamics of SGD by Stochastic Differential Equation
Modeling the Dynamics of SGD by Stochastic Differential EquationModeling the Dynamics of SGD by Stochastic Differential Equation
Modeling the Dynamics of SGD by Stochastic Differential Equation
 
Modeling the Dynamics of SGD by Stochastic Differential Equation
Modeling the Dynamics of SGD by Stochastic Differential EquationModeling the Dynamics of SGD by Stochastic Differential Equation
Modeling the Dynamics of SGD by Stochastic Differential Equation
 
Information in the Weights
Information in the WeightsInformation in the Weights
Information in the Weights
 
Information in the Weights
Information in the WeightsInformation in the Weights
Information in the Weights
 
PAC Bayesian for Deep Learning
PAC Bayesian for Deep LearningPAC Bayesian for Deep Learning
PAC Bayesian for Deep Learning
 
PAC-Bayesian Bound for Deep Learning
PAC-Bayesian Bound for Deep LearningPAC-Bayesian Bound for Deep Learning
PAC-Bayesian Bound for Deep Learning
 
Domain Adaptation
Domain AdaptationDomain Adaptation
Domain Adaptation
 
NTU ML TENSORFLOW
NTU ML TENSORFLOWNTU ML TENSORFLOW
NTU ML TENSORFLOW
 
Applied Deep Learning 11/03 Convolutional Neural Networks
Applied Deep Learning 11/03 Convolutional Neural NetworksApplied Deep Learning 11/03 Convolutional Neural Networks
Applied Deep Learning 11/03 Convolutional Neural Networks
 
淺談深度學習
淺談深度學習淺談深度學習
淺談深度學習
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational Autoencoder
 
TensorFlow 深度學習快速上手班--深度學習
 TensorFlow 深度學習快速上手班--深度學習 TensorFlow 深度學習快速上手班--深度學習
TensorFlow 深度學習快速上手班--深度學習
 
TensorFlow 深度學習快速上手班--自然語言處理應用
TensorFlow 深度學習快速上手班--自然語言處理應用TensorFlow 深度學習快速上手班--自然語言處理應用
TensorFlow 深度學習快速上手班--自然語言處理應用
 
TensorFlow 深度學習快速上手班--機器學習
TensorFlow 深度學習快速上手班--機器學習TensorFlow 深度學習快速上手班--機器學習
TensorFlow 深度學習快速上手班--機器學習
 
Computational Linguistics week 10
 Computational Linguistics week 10 Computational Linguistics week 10
Computational Linguistics week 10
 
Neural Doodle
Neural DoodleNeural Doodle
Neural Doodle
 
TensorFlow 深度學習講座
TensorFlow 深度學習講座TensorFlow 深度學習講座
TensorFlow 深度學習講座
 
Computational Linguistics week 5
Computational Linguistics  week 5Computational Linguistics  week 5
Computational Linguistics week 5
 
Neural Art (English Version)
Neural Art (English Version)Neural Art (English Version)
Neural Art (English Version)
 
AlphaGo in Depth
AlphaGo in Depth AlphaGo in Depth
AlphaGo in Depth
 

Kürzlich hochgeladen

Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
Joaquim Jorge
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
Enterprise Knowledge
 

Kürzlich hochgeladen (20)

Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...2024: Domino Containers - The Next Step. News from the Domino Container commu...
2024: Domino Containers - The Next Step. News from the Domino Container commu...
 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
 
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
Raspberry Pi 5: Challenges and Solutions in Bringing up an OpenGL/Vulkan Driv...
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot TakeoffStrategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
Strategize a Smooth Tenant-to-tenant Migration and Copilot Takeoff
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
 
GenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdfGenAI Risks & Security Meetup 01052024.pdf
GenAI Risks & Security Meetup 01052024.pdf
 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
 
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
04-2024-HHUG-Sales-and-Marketing-Alignment.pptx
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time AutomationFrom Event to Action: Accelerate Your Decision Making with Real-Time Automation
From Event to Action: Accelerate Your Decision Making with Real-Time Automation
 
IAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI SolutionsIAC 2024 - IA Fast Track to Search Focused AI Solutions
IAC 2024 - IA Fast Track to Search Focused AI Solutions
 
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
Strategies for Unlocking Knowledge Management in Microsoft 365 in the Copilot...
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 

DRAW: Deep Recurrent Attentive Writer