SlideShare a Scribd company logo
M&S
Convolutional Neural
Network from Theory
to Code
Seongwon Hwang
M&S
Preliminaries
M&S
Tensor :
(Index Notation)
ky
kl
ijy
ijklA
kj
a
ijA iA
ki
jjB
M&S
Order (Rank)
M&S
Range
𝑎 𝑏
𝑐 𝑑
𝑎 𝑏 𝑐
𝑑 𝑒 𝑓
𝑔 ℎ 𝑖
𝑎 𝑏
𝑒 𝑓
𝑐 𝑑
𝑔 ℎ
𝑖 𝑗
𝑚 𝑛
𝑘 𝑙
𝑜 𝑝
𝐴𝑖𝑗
i = 2, j = 2
i = 3, j = 3 i = 4, j = 4
𝑎 𝑏
𝑐 𝑑
𝑒 𝑓
i = 3, j = 2
M&S
Free index : unrepeated index
𝑦1 = 𝑎11 𝑥1+𝑎12 𝑥2
𝑦2 = 𝑎21 𝑥1+𝑎22 𝑥2
𝑦 𝑘 = 𝑎 𝑘1 𝑥1+𝑎 𝑘2 𝑥2, k = 1,2


2
1i
ikik xay
),( 21 yyy 
M&S
Dummy index : repeated index
1,2kixay ikik  ,
Free index Dummy index


2
1i
ikik xay
𝑦1 = 𝑎11 𝑥1+𝑎12 𝑥2
𝑦2 = 𝑎21 𝑥1+𝑎22 𝑥2
M&S
Example
iji BA jj BABA 2211 =
212111,1 BABAj 
222121,2 BABAj 
),( 222121212111 BABABABA iji BA =
i, j = 1,2
M&S
Example
ijjA 332211 iii AAA 
),,( 333322311233222211133122111 AAAAAAAAA 
133122111,1 AAAi 
233222211,2 AAAi 
333322311,3 AAAi 
=
i, j = 1,2,3
M&S
e-Permutation
ijke
M&S
Example – Determinant
bcad
dc
ba
aa
aa
A  detdetdet
2221
1211
bcad
aaaa
aaeaaeaaeaae
aae jiij




00 21122211
221222211221221112211111
21
M&S
Example – Determinant
)(...det 21... matrixNNaaaeA Nkjikij 
M&S
Kronecker delta
M&S
Derivatives
kjjkjj
xx
y
y
x
y
y






2
,, ,
1,2,3jφ
x
φ
z
φ
y
φ
x
φ
φgrad jj










 ),,( ,
Example – Gradient
M&S
CNN Tensor notation in Theano
- Input Images -
4D tensor
1D tensor
[number of feature maps at layer m, number of feature maps at layer m-1,
filter height, filter width]
ij
klx
op
qrW
mb
[ i, j, k, l ] =
[ o, p, q, r ] =
[ m ] =
- Weight -
- Bias -
[n’th feature map number]
[mini-batch size, number of input feature
maps, image height, image width]
M&S
Convolutional Neural
Network
Theory I
M&S
Convolution?





daatwax
twxty
)()(
))(()(




a
anwaxny ][][][
- Continuous Variables -
- Discrete Variables -
M&S
Convolution?




a
anwaxny ][][][
- Discrete Variables -
][][ awax ][][ awax 
)]([][ nawax 
Y-axis transformation
M&S
Y축
X축
Convolution?
X축
X축
M&S
Cross-Correlation?




a
nawaxnwxny ][][])[(][
- Discrete Variables (In real number) -
][][ awax ][][ nawax n step move
★
M&S
Convolution VS. Cross-Correlation
Cross-CorrelationConvolution
M&S
Cross-Correlation in 2D
Output (y) Kernel (w) Input (x)
 






n m
nmwjnimx
jiwxjiy
],[],[
],)[(],[
M&S
Intuition for Cross-Correlation
wx
★
M&S
wx
★
Intuition for Cross-Correlation
M&S
wx
★
Intuition for Cross-Correlation
M&S
wx
★
Intuition for Cross-Correlation
M&S
wx
★
Intuition for Cross-Correlation
Input
)( mapFreature
neuronHidden
fieldrecptiveLocal
filterorkernel
M&S
Convolutional Neural
Network
Theory II
M&S
CNN overall procedures
Input Image Convolutional Layer Pooling MLP Softmax Output
M&S
CNN overall procedures
Input Image
Convolutional
Layer
Pooling
MLP
Softmax Output
M&S
Input Image
Input Image
1D - Input neurons
2D - Input neurons
M&S
Convolutional Layer
Input Image
Convolutional
Layer
Input neurons
Hidden neuron
M&S
Traditional Neural Network
Input layer Hidden layer Output layer
M&S
CNN - Sparse Connectivity
Input layer Hidden layer
(Feature map)
Output layer
M&S
CNN – Dimension shrinkage ( + Pooling)
Input layer Output layerHidden layer
(Feature map)
M&S
Cross-Correlation Input (or Hidden) layer with weight
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)(Receptive field)
M&S
Shared Weight representation
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)
M&S
Shared Weight representation
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)
M&S
Shared Weight representation
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)
M&S
Shared Weight representation
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)
M&S
Shared Weight representation
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)
M&S
Shared Weight representation
Input layer Output layer
1W
2W
3W
'3W
'2W
'1W
Hidden layer
(Feature map)
M&S
Multiple Feature maps
Input Image
Convolutional
Layer
Input neurons
First hidden layer
M&S
Max Pooling
Input Image
Convolutional
Layer
Pooling
Max pooling with
2x2 filters and stride 2
M&S
Why pooling?
Input Image
Convolutional
Layer
Pooling
1. Low computation 2. Translation invariance
3. Transformation invariance
4. Scaling invariance
M&S
Several types of Pooling
Input Image
Convolutional
Layer
Pooling
M&S
Transform data dimension before MLP
Input Image
Convolutional
Layer
Pooling
MLP
1D - Output neurons
2D - Output neurons
M&S
Multilayer Perceptron (MLP)
Input Image
Convolutional
Layer
Pooling
MLP
Input layer Hidden layer 1 Hidden layer 2
M&S
Softmax Output
Input Image
Convolutional
Layer
Pooling
MLP
Softmax Output
Hidden layer 2 Output layer
M&S
Several types of CNN
M&S
Intuition for CNN
Input Image
Convolutional
Layer
Pooling
MLP
Softmax Output
M&S
Convolutional Neural
Network
Code in Theono
M&S
CNN overall procedures
Input Image
Convolutional
Layer
Pooling
MLP
Softmax Output
M&S
Input Image
Input Image
- Input Images -
4D tensor
[mini-batch size, number of input feature
maps, image height, image width]ij
klx
5
...
28
28
500
7
[ i, j, k, l ] =
Mini batch 1
5
...
28
28
500
8
Mini batch 100
. . .
50,000 images
in the training data
M&S
Weight tensor
Input Image
Convolutional
Layer
4D tensor
[number of feature maps at layer m, number of feature maps at layer m-1,
filter height, filter width]
op
qrW [ o, p, q, r ] =
- Weight -
M&S
Exercise for Input and Weight tensor
11
11x
11
11W
Input layer
Convolutional layer 1 Convolutional layer 2
[ 1, 1, 1, 1 ]
[ 1, 1, 1, 1 ]
M&S
Code for Convolutional Layer
28
28
8
def evaluate_lenet5(learning_rate=0.1,
n_epochs=2, dataset=‘minist.pkl.gz’,
nkerns=[20, 50], batch_size=500):
LeNetConvPoolLayer
image_shape=(batch_size, 1, 28, 28)
filter_shape=(nkerns[0], 1, 5, 5)
poolsize=(2, 2)
image_shape=(batch_size, nkerns[0], 12, 12)
filter_shape=(nkerns[1], nkerns[0], 5, 5)
poolsize=(2, 2)
Layer0 – Convolutional layer 1
Layer1 – Convolutional layer 2
5
5
20
24
24
20
5
5
12
12
8
8
4
4
20 50 50 50
28 – 5 + 1 = 24
Convolution
24 / 2 = 12
Pooling
12 – 5 + 1 = 8
Convolution
8 / 2 = 4
Pooling
Class
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
Input Image
Convolutional
Layer
Pooling
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
0
0
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
0
0
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
0
0
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
0
0
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
0
0
0
0
M&S
Zero-Padding Input layer Output layerHidden layer
(Feature map)
0
0
0
0
M&S
Zero-Padding
0
0
M&S
Zero-Padding
0
0
M&S
Zero-Padding
0
0
M&S
Zero-Padding
0
0
0
0
M&S
Zero-Padding
0
0
0
0
M&S
Zero-Padding
0
0
0
0
M&S
Zero-Padding
No zero-padding Zero-padding 1 Zero-padding 2
Dimension Reduction Dimension Equality Dimension Increase
Zero-
padding in
Theano
Default in
Theano
M&S
Code for Zero-Padding setting in Theano Library
conv.py (In Library File)
def conv2d(input, filters, image_shape=None, filter_shape=None,
border_mode=‘valid’, subsample=(1, 1), **kargs):
‘valid’ ‘full’
We should modify dimension changes in code by ourselves!
Image_shape + filter_shape – 1Image_shape - filter_shape + 1
28 + 5 – 1 = 3228 - 5 + 1 = 24
M&S
1. Border in Pooling
No problem in Border Ingore_border = False Ingore_border = True
M&S
1. Border in Pooling (Code)
No problem in Border
Ingore_border = False Ingore_border = True
pooled_out =
downsample.max_pool_2d(input=conv_out,
ds=poolsize, ignore_border=True)
LeNetConvPoolLayer
Class
Default in Theano library is False!
M&S
2. Stride in Pooling
Default in Theano
stride size = poolsize
Unduplicated!
M&S
2. Stride in Pooling
2
Default in Theano
stride size = poolsize
Unduplicated!
M&S
2. Stride in Pooling
2
Default in Theano
stride size = poolsize = (2,2)
Unduplicated!
M&S
2. Stride in Pooling
2
Default in Theano
stride size = poolsize = (2,2)
Unduplicated!
M&S
2. Stride in Pooling
2
Default in Theano
stride size = poolsize = (2,2)
Unduplicated!
M&S
2. Stride in Pooling
stride size = (1, 1)
6
M&S
2. Stride in Pooling
1
76
M&S
2. Stride in Pooling (Code)
76 8
6 7 8
3 3 4
pooled_out =
downsample.max_pool_2d(input=conv_out,
ds=poolsize, ignore_border=True)
pooled_out =
downsample.max_pool_2d(input=conv_out,
ds=poolsize, ignore_border=True, st = (1,1))
M&S
Activation Function in Convolutional Layer
self.output=T.tanh(pooled_out +
self.b.dimshuffle(‘x’,0,‘x’,‘x’)
Convolution Pooling Activation
LeNetConvPoolLayer
Class
M&S
Dimension Reduction 2D  1D
Input Image
Convolutional
Layer
Pooling
MLP
layer2_input = layer1_input.output.flatten(2)
1D - Output neurons
2D - Output neurons
M&S
Code for MLP in Theano
Input Image
Convolutional
Layer
Pooling
MLP layer2 = HiddenLayer( rng,
input=layer2_input,
n_in-nkerns[1] * 4 * 4,
n_out=500,
activation = T.tanh)
HiddenLayer
Class
Last output size for C+P
Number of node at Hidden layer
Activation function at Hidden layer
***In order to extend the number of Hidden Layer in MLP,
We need to make layer3 by copying this code***
M&S
Code for Softmax Output in Theano
Input Image
Convolutional
Layer
Pooling
MLP
Softmax Output
layer3 =
LogisticRegression( input=layer2.output,
n_in=500,
n_out=10)
LogisticRegression
Class
cost = layer3.negative_log_likelihood(y)
Number of node at previous
Hidden layer
Final Output size
Ex) 0, 1, 2, ,,, 9
Softmax activation function
M&S
CNN application in bioinformatics problem

More Related Content

What's hot

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
Shuai Zhang
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
SumeraHangi
 
Kohonen self organizing maps
Kohonen self organizing mapsKohonen self organizing maps
Kohonen self organizing maps
raphaelkiminya
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
Mohamed Loey
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Simplilearn
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...
Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...
Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...
Simplilearn
 
[系列活動] 一日搞懂生成式對抗網路
[系列活動] 一日搞懂生成式對抗網路[系列活動] 一日搞懂生成式對抗網路
[系列活動] 一日搞懂生成式對抗網路
台灣資料科學年會
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
Dmytro Mishkin
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detection
Brodmann17
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
Richard Kuo
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
Knoldus Inc.
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
Noura Hussein
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
Oswald Campesato
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksFrancesco Collova'
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
Adel Rahimi
 
Cnn
CnnCnn
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANN
Mohamed Talaat
 
Deep Learning
Deep Learning Deep Learning
Deep Learning
Roshan Chettri
 
Deep learning
Deep learningDeep learning
Deep learning
Kuppusamy P
 

What's hot (20)

Introduction to CNN
Introduction to CNNIntroduction to CNN
Introduction to CNN
 
Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Kohonen self organizing maps
Kohonen self organizing mapsKohonen self organizing maps
Kohonen self organizing maps
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
Recurrent Neural Network (RNN) | RNN LSTM Tutorial | Deep Learning Course | S...
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...
Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...
Artificial Neural Network | Deep Neural Network Explained | Artificial Neural...
 
[系列活動] 一日搞懂生成式對抗網路
[系列活動] 一日搞懂生成式對抗網路[系列活動] 一日搞懂生成式對抗網路
[系列活動] 一日搞懂生成式對抗網路
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
 
Introduction to object detection
Introduction to object detectionIntroduction to object detection
Introduction to object detection
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Machine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural NetworksMachine Learning: Introduction to Neural Networks
Machine Learning: Introduction to Neural Networks
 
Neural Networks
Neural NetworksNeural Networks
Neural Networks
 
Cnn
CnnCnn
Cnn
 
Artificial Neural Networks - ANN
Artificial Neural Networks - ANNArtificial Neural Networks - ANN
Artificial Neural Networks - ANN
 
Deep Learning
Deep Learning Deep Learning
Deep Learning
 
Deep learning
Deep learningDeep learning
Deep learning
 

Similar to Convolutional Neural Network (CNN) presentation from theory to code in Theano

Idea for ineractive programming language
Idea for ineractive programming languageIdea for ineractive programming language
Idea for ineractive programming language
Lincoln Hannah
 
8. Vectors data frames
8. Vectors data frames8. Vectors data frames
8. Vectors data frames
ExternalEvents
 
Different Types of Machine Learning Algorithms
Different Types of Machine Learning AlgorithmsDifferent Types of Machine Learning Algorithms
Different Types of Machine Learning Algorithms
rahmedraj93
 
COCOA: Communication-Efficient Coordinate Ascent
COCOA: Communication-Efficient Coordinate AscentCOCOA: Communication-Efficient Coordinate Ascent
COCOA: Communication-Efficient Coordinate Ascent
jeykottalam
 
Introduction to Neural Networks and Deep Learning from Scratch
Introduction to Neural Networks and Deep Learning from ScratchIntroduction to Neural Networks and Deep Learning from Scratch
Introduction to Neural Networks and Deep Learning from Scratch
Ahmed BESBES
 
Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)
Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)
Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)
Craig Chao
 
Primitives
PrimitivesPrimitives
Tutorial on convolutional neural networks
Tutorial on convolutional neural networksTutorial on convolutional neural networks
Tutorial on convolutional neural networks
Hojin Yang
 
Count-Distinct Problem
Count-Distinct ProblemCount-Distinct Problem
Count-Distinct Problem
Kai Zhang
 
Computer graphics
Computer graphicsComputer graphics
Computer graphics
Bala Murali
 
ECCV2010: feature learning for image classification, part 2
ECCV2010: feature learning for image classification, part 2ECCV2010: feature learning for image classification, part 2
ECCV2010: feature learning for image classification, part 2zukun
 
Yoyak ScalaDays 2015
Yoyak ScalaDays 2015Yoyak ScalaDays 2015
Yoyak ScalaDays 2015
ihji
 
Vectors data frames
Vectors data framesVectors data frames
Vectors data frames
FAO
 
Lecture 2: Stochastic Hydrology
Lecture 2: Stochastic Hydrology Lecture 2: Stochastic Hydrology
Lecture 2: Stochastic Hydrology
Amro Elfeki
 
Computer graphics 2
Computer graphics 2Computer graphics 2
Computer graphics 2
Prabin Gautam
 
Seminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov Vyacheslav
Seminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov VyacheslavSeminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov Vyacheslav
Seminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov VyacheslavVyacheslav Arbuzov
 
Linear Algebra and Matlab tutorial
Linear Algebra and Matlab tutorialLinear Algebra and Matlab tutorial
Linear Algebra and Matlab tutorial
Jia-Bin Huang
 
Lesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdfLesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdf
ssuser7f0b19
 
Introduction to Neural Netwoks
Introduction to Neural Netwoks Introduction to Neural Netwoks
Introduction to Neural Netwoks
Abdallah Bashir
 
6. R data structures
6. R data structures6. R data structures
6. R data structures
ExternalEvents
 

Similar to Convolutional Neural Network (CNN) presentation from theory to code in Theano (20)

Idea for ineractive programming language
Idea for ineractive programming languageIdea for ineractive programming language
Idea for ineractive programming language
 
8. Vectors data frames
8. Vectors data frames8. Vectors data frames
8. Vectors data frames
 
Different Types of Machine Learning Algorithms
Different Types of Machine Learning AlgorithmsDifferent Types of Machine Learning Algorithms
Different Types of Machine Learning Algorithms
 
COCOA: Communication-Efficient Coordinate Ascent
COCOA: Communication-Efficient Coordinate AscentCOCOA: Communication-Efficient Coordinate Ascent
COCOA: Communication-Efficient Coordinate Ascent
 
Introduction to Neural Networks and Deep Learning from Scratch
Introduction to Neural Networks and Deep Learning from ScratchIntroduction to Neural Networks and Deep Learning from Scratch
Introduction to Neural Networks and Deep Learning from Scratch
 
Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)
Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)
Leveraging R in Big Data of Mobile Ads (R在行動廣告大數據的應用)
 
Primitives
PrimitivesPrimitives
Primitives
 
Tutorial on convolutional neural networks
Tutorial on convolutional neural networksTutorial on convolutional neural networks
Tutorial on convolutional neural networks
 
Count-Distinct Problem
Count-Distinct ProblemCount-Distinct Problem
Count-Distinct Problem
 
Computer graphics
Computer graphicsComputer graphics
Computer graphics
 
ECCV2010: feature learning for image classification, part 2
ECCV2010: feature learning for image classification, part 2ECCV2010: feature learning for image classification, part 2
ECCV2010: feature learning for image classification, part 2
 
Yoyak ScalaDays 2015
Yoyak ScalaDays 2015Yoyak ScalaDays 2015
Yoyak ScalaDays 2015
 
Vectors data frames
Vectors data framesVectors data frames
Vectors data frames
 
Lecture 2: Stochastic Hydrology
Lecture 2: Stochastic Hydrology Lecture 2: Stochastic Hydrology
Lecture 2: Stochastic Hydrology
 
Computer graphics 2
Computer graphics 2Computer graphics 2
Computer graphics 2
 
Seminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov Vyacheslav
Seminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov VyacheslavSeminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov Vyacheslav
Seminar PSU 09.04.2013 - 10.04.2013 MiFIT, Arbuzov Vyacheslav
 
Linear Algebra and Matlab tutorial
Linear Algebra and Matlab tutorialLinear Algebra and Matlab tutorial
Linear Algebra and Matlab tutorial
 
Lesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdfLesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdf
 
Introduction to Neural Netwoks
Introduction to Neural Netwoks Introduction to Neural Netwoks
Introduction to Neural Netwoks
 
6. R data structures
6. R data structures6. R data structures
6. R data structures
 

Recently uploaded

一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
v3tuleee
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
AbhimanyuSinha9
 
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTESAdjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Subhajit Sahu
 
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
u86oixdj
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
Timothy Spann
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
slg6lamcq
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
axoqas
 
Influence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business PlanInfluence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business Plan
jerlynmaetalle
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
balafet
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
g4dpvqap0
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
mbawufebxi
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
ewymefz
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
NABLAS株式会社
 
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
ahzuo
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
Timothy Spann
 
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
ewymefz
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
John Andrews
 
The Building Blocks of QuestDB, a Time Series Database
The Building Blocks of QuestDB, a Time Series DatabaseThe Building Blocks of QuestDB, a Time Series Database
The Building Blocks of QuestDB, a Time Series Database
javier ramirez
 

Recently uploaded (20)

一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理一比一原版(UofS毕业证书)萨省大学毕业证如何办理
一比一原版(UofS毕业证书)萨省大学毕业证如何办理
 
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...Best best suvichar in gujarati english meaning of this sentence as Silk road ...
Best best suvichar in gujarati english meaning of this sentence as Silk road ...
 
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTESAdjusting OpenMP PageRank : SHORT REPORT / NOTES
Adjusting OpenMP PageRank : SHORT REPORT / NOTES
 
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
原版制作(Deakin毕业证书)迪肯大学毕业证学位证一模一样
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
 
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
一比一原版(UniSA毕业证书)南澳大学毕业证如何办理
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
 
Influence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business PlanInfluence of Marketing Strategy and Market Competition on Business Plan
Influence of Marketing Strategy and Market Competition on Business Plan
 
Machine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptxMachine learning and optimization techniques for electrical drives.pptx
Machine learning and optimization techniques for electrical drives.pptx
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
一比一原版(爱大毕业证书)爱丁堡大学毕业证如何办理
 
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
一比一原版(Bradford毕业证书)布拉德福德大学毕业证如何办理
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
 
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
【社内勉強会資料_Octo: An Open-Source Generalist Robot Policy】
 
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
一比一原版(CBU毕业证)卡普顿大学毕业证如何办理
 
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
06-04-2024 - NYC Tech Week - Discussion on Vector Databases, Unstructured Dat...
 
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
 
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
Chatty Kathy - UNC Bootcamp Final Project Presentation - Final Version - 5.23...
 
The Building Blocks of QuestDB, a Time Series Database
The Building Blocks of QuestDB, a Time Series DatabaseThe Building Blocks of QuestDB, a Time Series Database
The Building Blocks of QuestDB, a Time Series Database
 

Convolutional Neural Network (CNN) presentation from theory to code in Theano

Editor's Notes

  1. Cross correlation 의 직관적 이해
  2. Cross correlation 의 직관적 이해
  3. Cross correlation 의 직관적 이해
  4. Cross correlation 의 직관적 이해
  5. Cross correlation 의 직관적 이해
  6. Cross correlation 의 직관적 이해