SlideShare a Scribd company logo
1 of 134
Download to read offline
Slide	credit	from	Mark	Chang 1
Convolutional	Neural	Networks
• We	need	a	course	to	talk	about	this	topic
◦ http://cs231n.stanford.edu/syllabus.html
• However, we only have a lecture
2
Outline
• CNN(Convolutional	Neural	Networks)	Introduction
• Evolution	of	CNN
• Visualizing	the	Features
• CNN	as	Artist
• Sentiment	Analysis	by	CNN
3
Outline
• CNN(Convolutional	Neural	Networks)	Introduction
• Evolution	of	CNN
• Visualizing	the	Features
• CNN	as	Artist
• Sentiment	Analysis	by	CNN
4
Image	Recognition
http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf
5
Image	Recognition
6
Local	Connectivity
Neurons	connect	to	a	small	
region
7
Parameter Sharing
• The	same	feature	in	different	positions
Neurons	
share	the	same	weights
8
Parameter Sharing
• Different	features	in	the	same	position
Neurons
have	different	weights
9
Convolutional	Layers
depth
widthwidth	depth
weights weights
height
shared	weight
10
Convolutional	Layers
c1
c2
b1
b2
a1
a2
a3
wb1
wb2
b1 =wb1a1+wb2a2
wb1
wb2
b2 =wb1a2+wb2a3
wc1
wc2
c1 =wc1a1+wc2a2
wc2
wc1
c2 =wc1a2+wc2a3
depth	=	2depth	=	1
11
Convolutional	Layers
c1
b1
b2
a1
a2
d1
b3
a3
c2
d2
depth	=	2 depth	=	2
wc1
wc2
wc3
wc4
c1 = a1wc1 + b1wc2
+ a2wc3 + b2wc4
wc1
wc2
wc3
wc4
c2 = a2wc1 + b2wc2
+ a3wc3 + b3wc4
12
Convolutional	Layers
c1
b1
b2
a1
a2
d1
b3
a3
c2
d2
c1 = a1wc1 + b1wc2
+ a2wc3 + b2wc4
c2 = a2wc1 + b2wc2
+ a3wc3 + b3wc4
wd1
wd2
wd3
wd4 d1 = a1wd1 + b1wd2
+ a2wd3 + b2wd4
wd1
wd2
wd3
wd4
d2 = a2wd1 + b2wd2
+ a3wd3 + b3wd4
depth	=	2 depth	=	2
13
Convolutional	Layers
A B C
A B C D
14
Hyper-parameters	of	CNN
• Stride • Padding
0 0
Stride	=	1
Stride	=	2
Padding	=	0
Padding	=	1
15
Example
Output
Volume	(3x3x2)
Input
Volume	(7x7x3)
Stride	=	2
Padding	=	1
http://cs231n.github.io/convolutional-networks/
Filter
(3x3x3)
16
Convolutional	Layers
http://cs231n.github.io/convolutional-networks/
17
Convolutional	Layers
http://cs231n.github.io/convolutional-networks/
18
Convolutional	Layers
http://cs231n.github.io/convolutional-networks/
19
Relationship	with	Convolution
y[n] =
X
k
x[k]w[n k]
x[n]
w[n]
n
n
y[n]
x[k]
k
k
w[0 k]
n
y[0] = x[ 2]w[2] + x[ 1]w[1] + x[0]w[0]
20
Relationship	with	Convolution
y[n] =
X
k
x[k]w[n k]
x[n]
w[n]
n
n
y[n]
x[k]
k
k
n
w[1 k]
y[1] = x[ 1]w[2] + x[0]w[1] + x[2]w[0]
21
Relationship	with	Convolution
y[n] =
X
k
x[k]w[n k]
x[n]
w[n]
n
n
y[n]
x[k]
k
k
n
y[2] = x[0]w[2] + x[1]w[1] + x[2]w[0]
w[2 k]
22
Relationship	with	Convolution
y[n] =
X
k
x[k]w[n k]
x[n]
w[n]
n
n
y[n]
x[k]
k
k
n
w[4 k]
y[4] = x[2]w[2] + x[3]w[1] + x[4]w[0]
23
Nonlinearity
• Rectified	Linear	(ReLU)
nout =
⇢
nin if nin > 0
0 otherwise
nin n
2
6
6
4
1
4
3
1
3
7
7
5
2
6
6
4
1
4
0
1
3
7
7
5ReLU
24
Why	ReLU?
• Easy	to	train
• Avoid	gradient	vanishing	problem
Sigmoid
saturated
gradient	≈	0 ReLU not	saturated
25
Why	ReLU?
• Biological	reason
strong stimulation
ReLU
weak stimulation
neuron t
v
strong stimulation
neuron
t
v
weak stimulation
26
Pooling	Layer
1 3 2 4
5 7 6 8
0 0 3 3
5 5 0 0
4 5
5 3
7 8
5 3
Maximum
Pooling
Average
Pooling
Max(1,3,5,7)	=	7 Avg(1,3,5,7)	=	4
no	overlap
no	weights
depth	=	1
Max(0,0,5,5)	=	5
27
Why	“Deep”	Learning?
28
Visual	Perception	of	Human	
http://www.nature.com/neuro/journal/v8/n8/images/nn0805-975-F1.jpg
29
Visual	Perception	of	Computer
Convolutional
Layer
Convolutional
Layer	 Pooling
Layer	
Pooling
Layer	
Receptive	Fields
Receptive	Fields
Input
Layer
30
Visual	Perception	of	Computer
Input Layer
Convolutional
Layer	with
Receptive	Fields:
Max-pooling
Layer	with
Width	=3,	Height	=	3
Filter	Responses
Filter	Responses
Input Image
31
Fully-Connected	Layer
• Fully-Connected	Layers	:	Global	feature	extraction
• Softmax Layer:	Classifier
Convolutional
Layer Convolutional
Layer	
Pooling
Layer	
Pooling
Layer	
Input
Layer
Input
Image
Fully-Connected
Layer Softmax
Layer
5
7
Class
Label
32
Visual	Perception	of	Computer
• Alexnet	
http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf
http://vision03.csail.mit.edu/cnn_art/data/single_layer.png
33
Training
• Forward	Propagation
n2 n1
n1(out)n2(out) n2(in) w21
34
n2(in) = w21n1(out)
n2(out) = g(n2(in)), g is activation function
Training
• Update	weights
n2 n1J
Cost	
function:
@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
n2(out) n2(in) w21 n1(out)
35
@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
Training
• Update	weights
n2 n1J
Cost	
function:
n2(out) n2(in) w21 n1(out)
w21 w21 ⌘
@J
@n2(out)
@n2(out)
@n2(in)
@n2(in)
@w21
) w21 w21 ⌘
@J
@n2(out)
g0
(n2(in))n1(out)
n2(out) = g(n2(in)), n2(in) = w21n1(out)
)
@n2(out)
@n2(in)
= g0
(n2(in)),
@n2(in)
@w21
= n1(out)
36
Training
• Propagate	to	the	previous	layer
n2 n1J
Cost	
function:
@J
@n1(in)
=
@J
@n2(out)
@n2(out)
@n2(in)
@n2(in)
@n1(out)
@n1(out)
@n1(in)
n2(out) n2(in) n1(out) n1(in)
37
Training	Convolutional	Layers
• example:
a3
a2
a1
b2
b1
wb1
wb1
wb2
wb2
output input
Convolutional
Layer
To simplify the notations, in the following slides, we make:
b1 means b1(in), a1 means a1(out), and so on.
38
Training	Convolutional	Layers
• Forward	propagation
a3
a2
a1
b2
b1
input
Convolutional
Layer
b1 = wb1a1 + wb2a2
b2 = wb1a2 + wb2a3
wb1
wb1
wb2
wb2
39
Training	Convolutional	Layers
• Update	weights
J
Cost	
function:
a3
a2
a1
b2
b1
@J
@b1
@J
@b2
wb1
wb1
@b1
@wb1
@b2
@wb1
wb1 wb1 ⌘(
@J
@b1
@b1
@wb1
+
@J
@b2
@b2
@wb1
)
40
Training	Convolutional	Layers
• Update	weights
a3
a2
a1
b2
b1 wb1
wb1
b1 = wb1a1 + wb2a2
b2 = wb1a2 + wb2a3
@b1
@wb1
= a1
@b2
@wb1
= a2
wb1 wb1 ⌘(
@J
@b1
a1 +
@J
@b2
a2)
@J
@b1
@J
@b2
J
Cost	
function:
41
Training	Convolutional	Layers
• Update	weights
a3
a2
a1
b2
b1
wb2 wb2 ⌘(
@J
@b1
@b1
@wb2
+
@J
@b2
@b2
@wb2
)
@b1
@wb2
@b2
@wb2
wb2
wb2
@J
@b1
@J
@b2
J
Cost	
function:
42
Training	Convolutional	Layers
• Update	weights
a3
a2
a1
b2
b1
wb2
wb2
@b1
@wb2
= a2
@b2
@wb2
= a3
wb2 wb2 ⌘(
@J
@b1
a2 +
@J
@b2
a3)
b1 = wb1a1 + wb2a2
b2 = wb1a2 + wb2a3
@J
@b1
@J
@b2
J
Cost	
function:
43
Training	Convolutional	Layers
• Propagate	to	the	previous	layer
J
Cost	
function:
a3
a2
a1
b2
b1
@J
@b1
@J
@b2
@b1
@a1
@b1
@a2
@b2
@a2
@b2
@a3
@J
@b1
@b1
@a1
@J
@b2
@b2
@a3
@J
@b1
@b1
@a2
+
@J
@b2
@b2
@a2
44
Training	Convolutional	Layers
• Propagate	to	the	previous	layer
J
Cost	
function:
a3
a2
a1
b2
b1
@J
@b1
@J
@b2
b1 = wb1a1 + wb2a2
b2 = wb1a2 + wb2a3
@b1
@a1
= wb1
@b1
@a2
= wb2
@b2
@a2
= wb1
@b2
@a3
= wb2
@J
@b1
wb1
@J
@b1
wb1 +
@J
@b2
wb2
@J
@b2
wb2
45
Max-Pooling	Layers	during	Training	
• Pooling	layers	have	no	weights
• No	need	to	update	weights
a3
a2
a1
b2
b1 a1 > a2
a2 > a3
b2 = max(a2, a3)
b1 = max(a1, a2)
Max-pooling
46
=
⇢
a2 if a2 a3
a3 otherwise @b2
@a2
=
⇢
1 if a2 a3
0 otherwise
Max-Pooling	Layers	during	Training	
• Propagate	to	the	previous	layer
a3
a2
a1
b2
b1
@J
@b1
@J
@b2
@b1
@a1
= 1
a2 > a3
@b2
@a2
= 1
a1 > a2
@J
@b1
@J
@b2
@b1
@a2
= 0
@b2
@a3
= 0
J
Cost	
function:
47
Max-Pooling	Layers	during	Training	
• if	a1 =	a2	 ??
◦ Choose	the	node	with	smaller	index
a3
a2
a1
b2
b1
@J
@b1
@J
@b2
@J
@b1
@J
@b2
J
Cost	
function:
a1 = a2 = a3
48
Avg-Pooling	Layers	during	Training	
• Pooling	layers	have	no	weights
• No	need	to	update	weights
a3
a2
a1
b2
b1
b1 =
1
2
(a1 + a2)
b2 =
1
2
(a2 + a3)
@b2
@a2
=
1
2
@b2
@a3
=
1
2
Avg-pooling
49
Avg-Pooling	Layers	during	Training	
• Propagate	to	the	previous	layer
J
Cost	
function:
a3
a2
a1
b2
b1
@J
@b1
@J
@b2
@b1
@a1
=
@b1
@a2
=
1
2
@b2
@a2
=
@b2
@a3
=
1
2
1
2
@J
@b1
1
2
(
@J
@b1
+
@J
@b2
)
1
2
@J
@b2
50
ReLU	during	Training
nout =
⇢
nin if nin > 0
0 otherwise
nin n
@nout
@nin
=
⇢
1 if nin > 1
0 otherwise
51
Training CNN
52
Outline
• CNN(Convolutional	Neural	Networks)	Introduction
• Evolution	of	CNN
• Visualizing	the	Features
• CNN	as	Artist
• Sentiment	Analysis	by	CNN
53
LeNet
◦ Paper:	
http://vision.stanford.edu/cs598_spring07/papers/Lecun98.pdf
Yann	LeCun http://yann.lecun.com/exdb/lenet/
54
ImageNet	Challenge
• ImageNet	Large	Scale	Visual	Recognition	Challenge
◦ http://image-net.org/challenges/LSVRC/
• Dataset	:
◦ 1000	categories
◦ Training:	1,200,000
◦ Validation:	50,000
◦ Testing:	100,000
http://vision.stanford.edu/Datasets/collage_s.png
55
ImageNet	Challenge
http://www.qingpingshan.com/uploads/allimg/160818/1J22QI5-0.png
56
AlexNet (2012)
• Paper:	
http://www.cs.toronto.edu/~fritz/absps/imagenet.pdf
• The	resurgence	of	Deep	Learning
Geoffrey	HintonAlex	Krizhevsky
57
VGGNet (2014)
• Paper:	https://arxiv.org/abs/1409.1556
D:	VGG16
E:	VGG19
All	filters	are	3x3
58
VGGNet
• More	layers	&	smaller	filters	(3x3)	is	better
• More	non-linearity,	fewer	parameters
One	5x5	filter
• Parameters:
5x5	=	25
• Non-linear:1
Two	3x3	filters
• Parameters:
3x3x2	=	18
• Non-linear:2
59
VGG	19
depth=64
3x3	conv
conv1_1
conv1_2
maxpool
depth=128
3x3	conv
conv2_1
conv2_2
maxpool
depth=256
3x3	conv
conv3_1
conv3_2
conv3_3
conv3_4
depth=512
3x3	conv
conv4_1
conv4_2
conv4_3
conv4_4
depth=512
3x3	conv
conv5_1
conv5_2
conv5_3
conv5_4
maxpool maxpool maxpool
size=4096
FC1
FC2
size=1000
softmax
60
GoogLeNet (2014)
• Paper:	
http://www.cs.unc.edu/~wliu/papers/GoogLeNet.pdf
22	layers	deep	network
Inception
Module
61
Inception Module
• Best	size?	
◦ 3x3?		5x5?
• Use	them	all,	and	combine
62
Inception Module
1x1	convolution
3x3	convolution
5x5	convolution
3x3	max-pooling
Previous	
layer
Filter
Concatenate
63
Inception Module	with	Dimension	Reduction
• Use	1x1	filters	to	reduce	dimension
64
Inception Module	with	Dimension	Reduction
Previous	
layer
1x1	convolution
(1x1x256x128)
Reduced
dimension
Input	size
1x1x256
128256
Output	size
1x1x128
65
ResNet (2015)
• Paper:	https://arxiv.org/abs/1512.03385
• Residual	Networks
• 152	layers
66
ResNet
• Residual	learning:	a	building	block	
Residual
function
67
Residual	Learning	with	Dimension	Reduction
• using	1x1	filters
68
Pretrained	Model	Download
• http://www.vlfeat.org/matconvnet/pretrained/
◦ Alexnet:
◦ http://www.vlfeat.org/matconvnet/models/imagenet-matconvnet-
alex.mat
◦ VGG19:
◦ http://www.vlfeat.org/matconvnet/models/imagenet-vgg-verydeep-
19.mat
◦ GoogLeNet:
◦ http://www.vlfeat.org/matconvnet/models/imagenet-googlenet-dag.mat
◦ ResNet
◦ http://www.vlfeat.org/matconvnet/models/imagenet-resnet-152-dag.mat
69
Using	Pretrained	Model
• Lower	layers:edge,	blob,	texture	(more	general)
• Higher	layers	:	object	part	(more	specific)
http://vision03.csail.mit.edu/cnn_art/data/single_layer.png
70
Transfer	Learning
• The	Pretrained Model	is	
trained	on	ImageNet
dataset
• If	your	data	is	similar	to	
the	ImageNet data
◦ Fix	all	CNN	Layers
◦ Train	FC	layer
Conv layer
FC	layer FC	layer
Labeled	dataLabeled	dataLabeled	dataLabeled	dataLabeled	dataImageNet
data
Your
data
…
Conv layer
Conv layer
…
Conv layer
Your
data
… …
71
Transfer	Learning
• The	Pretrained	Model	is	
trained	on	ImageNet	
dataset
• If	your	data	is	far	different	
from	the	ImageNet data
◦ Fix	lower	CNN	Layers
◦ Train	higher	CNN	and	FC	layers
Conv layer
FC	layer FC	layer
Labeled	dataLabeled	dataLabeled	dataLabeled	dataLabeled	dataImageNet
data
Your
data
…
Conv layer
Conv layer
…
Conv layer
Your
data
… …
72
Tensorflow Transfer	Learning	Example
• https://www.tensorflow.org/versions/r0.11/how_tos/styl
e_guide.html
daisy
634
photos
dandelion
899
photos
roses
642
photos
tulips
800
photos
sunflowers
700
photos
http://download.tensorflow.org/example_images/flower_photos.tgz
Tensorflow Transfer	Learning	Example
Fix	these	layers Train	this	layer
Outline
• CNN(Convolutional	Neural	Networks)	Introduction
• Evolution	of	CNN
• Visualizing	the	Features
• CNN	as	Artist
• Sentiment	Analysis	by	CNN
75
Visualizing	CNN
http://vision03.csail.mit.edu/cnn_art/data/single_layer.png
76
Visualizing	CNN
CNN
CNN
flower
random
noise
filter
response
filter
response
77
filter
response:	
Gradient	Ascent
• Magnify	the	filter	response
random	
noise: x f
score: F =
X
i,j
fi,j
fi,j
lower		
score
higher	
score
x
F
gradient:
@F
@x
78
filter
response:	
Gradient	Ascent
• Magnify	the	filter	response
random	
noise: x f
x
gradient:
fi,j
lower		
score
higher	
score
F
@F
@x
update x
learning	rate
x x + ⌘
@F
@x
79
Gradient	Ascent
80
Different	Layers	of	Visualization
CNN
81
Multiscale	Image	Generation
visualize resize
visualize
resize
visualize
82
Multiscale	Image	Generation
83
Deep	Dream
• https://research.googleblog.com/2015/06/inceptionism-
going-deeper-into-neural.html
• Source	code:
https://github.com/tensorflow/tensorflow/blob/master/tensorflow/ex
amples/tutorials/deepdream/deepdream.ipynb
http://download.tensorflow.org/example_images
/flower_photos.tgz
84
Deep	Dream
85
Deep	Dream
86
Outline
• CNN(Convolutional	Neural	Networks)	Introduction
• Evolution	of	CNN
• Visualizing	the	Features
• CNN	as	Artist
• Sentiment	Analysis	by	CNN
87
Neural	Art
• Paper:	https://arxiv.org/abs/1508.06576
• Source	code	:	https://github.com/ckmarkoh/neuralart_tensorflow
content
style
artwork
http://www.taipei-
101.com.tw/upload/news/201502/2015
021711505431705145.JPG
https://github.com/andersbll/neural_ar
tistic_style/blob/master/images/starry_
night.jpg?raw=true
88
The	Mechanism	of	Painting
BrainArtist
Scene Style ArtWork
Computer Neural	Networks
89
Misconception
90
Content	Generation
BrainArtistContent
Canvas
Minimize
the
difference
Neural	
Stimulation
Draw
91
Content	Generation
92
Filter	
ResponsesVGG19
Update	the
color	of	
the	pixels
Content
Canvas
Result
Width*Height
Depth
Minimize
the
difference
Content	Generation
Layer	l’s	Filter	l	
Responses:
Layer	l’s	Filter		
Responses:
Input
Photo:
Input
Canvas:
Width*Height	(j)
Depth	(i)
Width*Height	(j)
Depth	(i)
93
Content	Generation
• Backward	Propagation
Layer	l’s	Filter	l	
Responses:
Input
Canvas:
VGG19
Update
Canvas
Learning	Rate
94
Content	Generation
95
Content	Generation
VGG19
conv1_2 conv2_2 conv3_4 conv4_4 conv5_2conv5_1
96
Style	Generation
VGG19Artwork
G
G
Filter	Responses Gram	Matrix
Width*Height
Depth
Depth
Depth
Position-
dependent
Position-
independent
97
Style	Generation
1. .5
.5
.5
1.
1. .5 .25 1.
.5 .25 .5
.25 .25
1. .5 1.
Width*Height
Depth
k1 k2
k1
k2
Depth
Depth
Layer	l’s	Filter	Responses
Gram	Matrix
G
98
Style	Generation
Layer	l’s	
Filter	Responses
Layer	l’s	
Gram	Matrix
Layer	l’s	
Gram	Matrix
Input
Artwork:
Input
Canvas:
99
Style	Generation
VGG19
Filter
Responses
Gram	
Matrix
Minimize
the
difference
G
G
Style
Canvas
Update	the	color	of	
the	pixelsResult
100
Style	Generation
101
Style	Generation
VGG19
Conv1_1 Conv1_1
Conv2_1
Conv1_1
Conv2_1
Conv3_1
Conv1_1
Conv2_1
Conv3_1
Conv4_1
Conv1_1
Conv2_1
Conv3_1
Conv4_1
Conv5_1
102
Artwork	Generation
Filter	ResponsesVGG19
Gram	Matrix
103
Artwork	Generation
VGG19 VGG19
Conv1_1
Conv2_1
Conv3_1
Conv4_1
Conv5_1
Conv4_2
104
Artwork	Generation
105
Content	v.s.	Style
0.15 0.05
0.02 0.007
106
Neural	Doodle
• Paper:	https://arxiv.org/abs/1603.01768
• Source	code:	https://github.com/alexjc/neural-doodle
style
content resultsemantic	maps
107
Neural	Doodle
• Image	analogy
108
Neural	Doodle
• Image	analogy
恐怖連結,慎入!
https://raw.githubusercontent.com/awentzonline/
image-analogies/master/examples/images/trump-
image-analogy.jpg
109
Real-time	Texture	Synthesis
• Paper:	https://arxiv.org/pdf/1604.04382v1.pdf
◦ GAN:	https://arxiv.org/pdf/1406.2661v1.pdf
◦ VAE:	https://arxiv.org/pdf/1312.6114v10.pdf
• Source	Code	:	https://github.com/chuanli11/MGANs
110
Outline
• CNN(Convolutional	Neural	Networks)	Introduction
• Evolution	of	CNN
• Visualizing	the	Features
• CNN	as	Artist
• Sentiment	Analysis	by	CNN
111
A	Convolutional	Neural	Network	for	Modelling	
Sentences	
• Paper:	https://arxiv.org/abs/1404.2188
• Source	code:	
https://github.com/FredericGodin/DynamicCNN
112
Drawbacks	of	Recursive	Neural	
Networks(RvNN)	
• Need	human-labeled	syntax	tree	during	training
This is a dog
Train	
RvNN
Word
vector
This is a dog
RvNN
RvNN
RvNN
113
Drawbacks	of	Recursive	Neural	
Networks(RvNN)	
• Ambiguity	in	natural	language
http://3rd.mafengwo.cn/travels/info_wei
bo.php?id=2861280
114
http://www.appledaily.com.tw/realtimen
ews/article/new/20151006/705309/
Element-wise	1D	operations	on	word	vectors
• 1D	Convolution	or	1D	Pooling
This is a
operationoperation
This is a
Represented
by
115
From	RvNN to	CNN
• RvNN • CNN
This is a dog
conv3
conv2
conv1conv1conv1
conv2
Same
RvNN
Different
conv layers
This is a dog
RvNN
RvNN
RvNN
116
CNN	with	Max-Pooling	Layers
• Similar	to	syntax	tree
• But	human-labeled	syntax	tree	is	not	needed
This is a dog
conv2
pool1
conv1conv1conv1
pool1
This is a dog
conv2
pool1
conv1conv1
pool1
Max
Pooling
117
Sentiment	Analysis	by	CNN
• Use softmax layer to classify the sentiments
positive
This movie is awesome
conv2
pool1
conv1conv1conv1
pool1
softmax
negative
This movie is awful
conv2
pool1
conv1conv1conv1
pool1
softmax
118
Sentiment	Analysis	by	CNN
• Build	the “correct syntax tree” by training
negative
This movie is awesome
conv2
pool1
conv1conv1conv1
pool1
softmax
negative
This movie is awesome
conv2
pool1
conv1conv1conv1
pool1
softmax
Backward
propagation
error
119
Sentiment	Analysis	by	CNN
• Build	the “correct syntax tree” by training
negative
This movie is awesome
conv2
pool1
conv1conv1conv1
pool1
softmax
positive
This movie is awesome
conv2
pool1
conv1conv1conv1
pool1
softmax
Update
the	weights
120
Multiple	Filters
• Richer	features	than	RNN
This is
filter11 Filter13filter12
a
filter11 Filter13filter12
filter21 Filter23filter22
121
Sentence	can’t be easily resized
• Image	can	be	easily	resized • Sentence can’t be easily
resized
全台灣最高樓在台北
resize
resize
全台灣最高的高樓在台北市
全台灣最高樓在台北市
台灣最高樓在台北
122
Various Input	Size
• Convolutional	layers	and	pooling	layers	
◦ can	handle	input	with	various	size	
This is a dog
pool1
conv1conv1conv1
pool1
the dog run
pool1
conv1conv1
123
Various Input	Size
• Fully-connected	layer	and	softmax layer	
◦ need	fixed-size	input
The dog run
fc
softmax
This is a
fc
softmax
dog
124
k-max	Pooling
• choose	the	k-max	values
• preserve	the	order	of	input	values
• variable-size	input,	fixed-size	output
3-max
pooling
13 4 1 7 812 5 21 15 7 4 9
3-max
pooling
12 21 15 13 7 8
125
Wide	Convolution	
• Ensures	that	all	weights	reach	the	entire	sentence	
conv conv conv conv conv convconv conv
Wide convolutionNarrow convolution
126
Dynamic	k-max	Pooling	
wide	convolution	&
k-max	pooling
wide	convolution
&	k-max	pooling
kl
ktop
L
s
ktop and L are constants
l : index of current layer
kl : k of current layer
ktop : k of top layer
L : total number of layers
s : length of input sentence
kl = max(ktop, d
L l
L
se)
127
Dynamic	k-max	Pooling	
s = 10
L = 2
k1 = max(3, d
2 1
2
⇥ 10e) = 5
ktop = 3
kl = max(ktop, d
L l
L
se)
conv &	pooling
conv &	pooling
128
Dynamic	k-max	Pooling	
conv &	pooling
conv &	pooling
L = 2
ktop = 3
kl = max(ktop, d
L l
L
se)
k1 = max(3, d
2 1
2
⇥ 14e) = 7
s = 14
129
Dynamic	k-max	Pooling	
conv &	pooling
conv &	pooling
L = 2
ktop = 3
kl = max(ktop, d
L l
L
se)
s = 8
k1 = max(3, d
2 1
2
⇥ 8e) = 4
130
Dynamic	k-max	Pooling	
Wide	convolution	&
Dynamic	k-max	pooling
131
Convolutional	Neural	Networks	for	Sentence	
Classification	
• Paper:	http://www.aclweb.org/anthology/D14-1181
• Sourcee code:	
https://github.com/yoonkim/CNN_sentence
132
Static	&	Non-Static	Channel
• Pretrained by	word2vec
• Static:	fix	the	values	during	training
• Non-Static:	update	the	values	during	training
133
About	the	Lecturer
Mark	Chang
• Email:	ckmarkoh at gmail dot com
• Blog: http://cpmarkchang.logdown.com
• Github:	https://github.com/ckmarkoh
• Slideshare:	http://www.slideshare.net/ckmarkohchang
• Youtube:	https://www.youtube.com/channel/UCckNPGDL21aznRhl3EijRQw
134
HTC	Research	&	Healthcare
Deep	Learning	Algorithms
Research	Engineer

More Related Content

What's hot

Mobilenetv1 v2 slide
Mobilenetv1 v2 slideMobilenetv1 v2 slide
Mobilenetv1 v2 slide威智 黃
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetSungminYou
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesFellowship at Vodafone FutureLab
 
BERT: Bidirectional Encoder Representations from Transformers
BERT: Bidirectional Encoder Representations from TransformersBERT: Bidirectional Encoder Representations from Transformers
BERT: Bidirectional Encoder Representations from TransformersLiangqun Lu
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNNShuai Zhang
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
BERT Finetuning Webinar Presentation
BERT Finetuning Webinar PresentationBERT Finetuning Webinar Presentation
BERT Finetuning Webinar Presentationbhavesh_physics
 
Transformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to HeroTransformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to HeroBill Liu
 
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...PyData
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognitionYUNG-KUEI CHEN
 
210523 swin transformer v1.5
210523 swin transformer v1.5210523 swin transformer v1.5
210523 swin transformer v1.5taeseon ryu
 
An introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERTAn introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERTSuman Debnath
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networksananth
 
Transformer xl
Transformer xlTransformer xl
Transformer xlSan Kim
 
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Preferred Networks
 
Transformer in Vision
Transformer in VisionTransformer in Vision
Transformer in VisionSangmin Woo
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkMojammilHusain
 

What's hot (20)

Mobilenetv1 v2 slide
Mobilenetv1 v2 slideMobilenetv1 v2 slide
Mobilenetv1 v2 slide
 
Convolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNetConvolutional neural network from VGG to DenseNet
Convolutional neural network from VGG to DenseNet
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
 
BERT: Bidirectional Encoder Representations from Transformers
BERT: Bidirectional Encoder Representations from TransformersBERT: Bidirectional Encoder Representations from Transformers
BERT: Bidirectional Encoder Representations from Transformers
 
Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
 
BERT Finetuning Webinar Presentation
BERT Finetuning Webinar PresentationBERT Finetuning Webinar Presentation
BERT Finetuning Webinar Presentation
 
Transformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to HeroTransformers in Vision: From Zero to Hero
Transformers in Vision: From Zero to Hero
 
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
1D Convolutional Neural Networks for Time Series Modeling - Nathan Janos, Jef...
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognition
 
Introduction to Transformer Model
Introduction to Transformer ModelIntroduction to Transformer Model
Introduction to Transformer Model
 
210523 swin transformer v1.5
210523 swin transformer v1.5210523 swin transformer v1.5
210523 swin transformer v1.5
 
Attention Is All You Need
Attention Is All You NeedAttention Is All You Need
Attention Is All You Need
 
An introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERTAn introduction to the Transformers architecture and BERT
An introduction to the Transformers architecture and BERT
 
Resnet
ResnetResnet
Resnet
 
Overview of Convolutional Neural Networks
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
 
Transformer xl
Transformer xlTransformer xl
Transformer xl
 
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
Introduction to Graph Neural Networks: Basics and Applications - Katsuhiko Is...
 
Transformer in Vision
Transformer in VisionTransformer in Vision
Transformer in Vision
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 

Similar to Applied Deep Learning 11/03 Convolutional Neural Networks

Neural Art (English Version)
Neural Art (English Version)Neural Art (English Version)
Neural Art (English Version)Mark Chang
 
Neural network basic and introduction of Deep learning
Neural network basic and introduction of Deep learningNeural network basic and introduction of Deep learning
Neural network basic and introduction of Deep learningTapas Majumdar
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorJinwon Lee
 
Analysis of local affine model v2
Analysis of  local affine model v2Analysis of  local affine model v2
Analysis of local affine model v2cindy071434
 
Analysis of local affine model v2
Analysis of  local affine model v2Analysis of  local affine model v2
Analysis of local affine model v2cindy071434
 
NeuralArt 電腦作畫
NeuralArt 電腦作畫NeuralArt 電腦作畫
NeuralArt 電腦作畫Mark Chang
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsBenjamin Le
 
IOEfficientParalleMatrixMultiplication_present
IOEfficientParalleMatrixMultiplication_presentIOEfficientParalleMatrixMultiplication_present
IOEfficientParalleMatrixMultiplication_presentShubham Joshi
 
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...홍배 김
 
Brief intro : Invariance and Equivariance
Brief intro : Invariance and EquivarianceBrief intro : Invariance and Equivariance
Brief intro : Invariance and Equivariance홍배 김
 
Oleksandr Obiednikov “Affine transforms and how CNN lives with them”
Oleksandr Obiednikov “Affine transforms and how CNN lives with them”Oleksandr Obiednikov “Affine transforms and how CNN lives with them”
Oleksandr Obiednikov “Affine transforms and how CNN lives with them”Lviv Startup Club
 
Introduction to Neural Netwoks
Introduction to Neural Netwoks Introduction to Neural Netwoks
Introduction to Neural Netwoks Abdallah Bashir
 
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Sergey Karayev
 
zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...
zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...
zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...Alex Pruden
 
Why Batch Normalization Works so Well
Why Batch Normalization Works so WellWhy Batch Normalization Works so Well
Why Batch Normalization Works so WellChun-Ming Chang
 
build a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Pythonbuild a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in PythonKv Sagar
 
Spatial Filtering in intro image processingr
Spatial Filtering in intro image processingrSpatial Filtering in intro image processingr
Spatial Filtering in intro image processingrkumarankit06875
 
Do's and Don'ts of using t-SNE.pdf
Do's and Don'ts of using t-SNE.pdfDo's and Don'ts of using t-SNE.pdf
Do's and Don'ts of using t-SNE.pdfFrankClat
 
Around the World in 80 Shaders
Around the World in 80 ShadersAround the World in 80 Shaders
Around the World in 80 Shadersstevemcauley
 

Similar to Applied Deep Learning 11/03 Convolutional Neural Networks (20)

Neural Art (English Version)
Neural Art (English Version)Neural Art (English Version)
Neural Art (English Version)
 
Neural network basic and introduction of Deep learning
Neural network basic and introduction of Deep learningNeural network basic and introduction of Deep learning
Neural network basic and introduction of Deep learning
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox Detector
 
Neural network
Neural networkNeural network
Neural network
 
Analysis of local affine model v2
Analysis of  local affine model v2Analysis of  local affine model v2
Analysis of local affine model v2
 
Analysis of local affine model v2
Analysis of  local affine model v2Analysis of  local affine model v2
Analysis of local affine model v2
 
NeuralArt 電腦作畫
NeuralArt 電腦作畫NeuralArt 電腦作畫
NeuralArt 電腦作畫
 
Deep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender SystemsDeep Learning for Personalized Search and Recommender Systems
Deep Learning for Personalized Search and Recommender Systems
 
IOEfficientParalleMatrixMultiplication_present
IOEfficientParalleMatrixMultiplication_presentIOEfficientParalleMatrixMultiplication_present
IOEfficientParalleMatrixMultiplication_present
 
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
ARCHITECTURAL CONDITIONING FOR DISENTANGLEMENT OF OBJECT IDENTITY AND POSTURE...
 
Brief intro : Invariance and Equivariance
Brief intro : Invariance and EquivarianceBrief intro : Invariance and Equivariance
Brief intro : Invariance and Equivariance
 
Oleksandr Obiednikov “Affine transforms and how CNN lives with them”
Oleksandr Obiednikov “Affine transforms and how CNN lives with them”Oleksandr Obiednikov “Affine transforms and how CNN lives with them”
Oleksandr Obiednikov “Affine transforms and how CNN lives with them”
 
Introduction to Neural Netwoks
Introduction to Neural Netwoks Introduction to Neural Netwoks
Introduction to Neural Netwoks
 
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
Lecture 2.B: Computer Vision Applications - Full Stack Deep Learning - Spring...
 
zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...
zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...
zkStudyClub: PLONKUP & Reinforced Concrete [Luke Pearson, Joshua Fitzgerald, ...
 
Why Batch Normalization Works so Well
Why Batch Normalization Works so WellWhy Batch Normalization Works so Well
Why Batch Normalization Works so Well
 
build a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Pythonbuild a Convolutional Neural Network (CNN) using TensorFlow in Python
build a Convolutional Neural Network (CNN) using TensorFlow in Python
 
Spatial Filtering in intro image processingr
Spatial Filtering in intro image processingrSpatial Filtering in intro image processingr
Spatial Filtering in intro image processingr
 
Do's and Don'ts of using t-SNE.pdf
Do's and Don'ts of using t-SNE.pdfDo's and Don'ts of using t-SNE.pdf
Do's and Don'ts of using t-SNE.pdf
 
Around the World in 80 Shaders
Around the World in 80 ShadersAround the World in 80 Shaders
Around the World in 80 Shaders
 

More from Mark Chang

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 EquationMark Chang
 
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 EquationMark Chang
 
Information in the Weights
Information in the WeightsInformation in the Weights
Information in the WeightsMark Chang
 
Information in the Weights
Information in the WeightsInformation in the Weights
Information in the WeightsMark Chang
 
PAC Bayesian for Deep Learning
PAC Bayesian for Deep LearningPAC Bayesian for Deep Learning
PAC Bayesian for Deep LearningMark Chang
 
PAC-Bayesian Bound for Deep Learning
PAC-Bayesian Bound for Deep LearningPAC-Bayesian Bound for Deep Learning
PAC-Bayesian Bound for Deep LearningMark Chang
 
Domain Adaptation
Domain AdaptationDomain Adaptation
Domain AdaptationMark Chang
 
NTU ML TENSORFLOW
NTU ML TENSORFLOWNTU ML TENSORFLOW
NTU ML TENSORFLOWMark Chang
 
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 GANsMark Chang
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial NetworksMark Chang
 
The Genome Assembly Problem
The Genome Assembly ProblemThe Genome Assembly Problem
The Genome Assembly ProblemMark Chang
 
DRAW: Deep Recurrent Attentive Writer
DRAW: Deep Recurrent Attentive WriterDRAW: Deep Recurrent Attentive Writer
DRAW: Deep Recurrent Attentive WriterMark Chang
 
淺談深度學習
淺談深度學習淺談深度學習
淺談深度學習Mark Chang
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational AutoencoderMark Chang
 
TensorFlow 深度學習快速上手班--深度學習
 TensorFlow 深度學習快速上手班--深度學習 TensorFlow 深度學習快速上手班--深度學習
TensorFlow 深度學習快速上手班--深度學習Mark Chang
 
TensorFlow 深度學習快速上手班--電腦視覺應用
TensorFlow 深度學習快速上手班--電腦視覺應用TensorFlow 深度學習快速上手班--電腦視覺應用
TensorFlow 深度學習快速上手班--電腦視覺應用Mark Chang
 
TensorFlow 深度學習快速上手班--自然語言處理應用
TensorFlow 深度學習快速上手班--自然語言處理應用TensorFlow 深度學習快速上手班--自然語言處理應用
TensorFlow 深度學習快速上手班--自然語言處理應用Mark Chang
 
TensorFlow 深度學習快速上手班--機器學習
TensorFlow 深度學習快速上手班--機器學習TensorFlow 深度學習快速上手班--機器學習
TensorFlow 深度學習快速上手班--機器學習Mark Chang
 
Computational Linguistics week 10
 Computational Linguistics week 10 Computational Linguistics week 10
Computational Linguistics week 10Mark Chang
 

More from 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
 
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
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial Networks
 
The Genome Assembly Problem
The Genome Assembly ProblemThe Genome Assembly Problem
The Genome Assembly Problem
 
DRAW: Deep Recurrent Attentive Writer
DRAW: Deep Recurrent Attentive WriterDRAW: Deep Recurrent Attentive Writer
DRAW: Deep Recurrent Attentive Writer
 
淺談深度學習
淺談深度學習淺談深度學習
淺談深度學習
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational Autoencoder
 
TensorFlow 深度學習快速上手班--深度學習
 TensorFlow 深度學習快速上手班--深度學習 TensorFlow 深度學習快速上手班--深度學習
TensorFlow 深度學習快速上手班--深度學習
 
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
 

Recently uploaded

08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc
 
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...Drew Madelung
 
[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.pdfhans926745
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUK Journal
 
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 AutomationSafe Software
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Enterprise Knowledge
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessPixlogix Infotech
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Miguel Araújo
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
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...Martijn de Jong
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
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 interpreternaman860154
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024The Digital Insurer
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...apidays
 
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.pptxHampshireHUG
 
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 MenDelhi Call girls
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 

Recently uploaded (20)

08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
 
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...
 
[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
 
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdfUnderstanding Discord NSFW Servers A Guide for Responsible Users.pdf
Understanding Discord NSFW Servers A Guide for Responsible Users.pdf
 
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
 
Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...Driving Behavioral Change for Information Management through Data-Driven Gree...
Driving Behavioral Change for Information Management through Data-Driven Gree...
 
Advantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your BusinessAdvantages of Hiring UIUX Design Service Providers for Your Business
Advantages of Hiring UIUX Design Service Providers for Your Business
 
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
Mastering MySQL Database Architecture: Deep Dive into MySQL Shell and MySQL R...
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
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...
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
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
 
Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024Finology Group – Insurtech Innovation Award 2024
Finology Group – Insurtech Innovation Award 2024
 
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
Apidays Singapore 2024 - Building Digital Trust in a Digital Economy by Veron...
 
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
 
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
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 

Applied Deep Learning 11/03 Convolutional Neural Networks