05-Deep Neural Networks-2-CNN - Pattern Recognition in...

59
Deep Neural Networks: Part II Convolutional Neural Network (CNN) Yuan-Kai Wang, 2016 Web site of this course: http://pattern-recognition.weebly.com source: CNN for Image Classification, by S. Lazebnik, 2014.

Transcript of 05-Deep Neural Networks-2-CNN - Pattern Recognition in...

Page 1: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Deep Neural Networks:

Part II Convolutional Neural Network (CNN)

Yuan-Kai Wang, 2016

Web site of this course: http://pattern-recognition.weebly.com source: CNN for ImageClassification,by S. Lazebnik,2014.

Page 2: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

A Convolutional Neural Network(CNN)for Image Classification

It is deep: 6 hidden layers, each with a special purposeDeep Neural Network

2

Page 3: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Overview

• Shallow vs. deep architectures

• Background

• Stages of CNN architecture

• Visualizing CNNs

• State-of-the-art results

• Packages

3

Page 4: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Traditional Recognition Approach

Hand-designed feature

extraction

Trainable classifier

Image/ Video Pixels

• Features are not learned• Trainable classifier is often generic (e.g. SVM)

Object Class

4

Page 5: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Traditional Recognition Approach• Features are key to recent progress in recognition• Multitude of hand-designed features currently in use

• SIFT, HOG, ………….

• Where next? Better classifiers? Or keep building more features?

Felzenszwalb, Girshick, McAllester and Ramanan, PAMI 2007

Yan & Huang(Winner of PASCAL 2010 classification competition)

5

Page 6: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

What about learning the features?• Learn a feature hierarchy all the way from pixels to

classifier

• Each layer extracts features from the output of previous layer

• Train all layers jointly

Layer 1 Layer 2 Layer 3 SimpleClassifier

Image/VideoPixels

6

Page 7: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

“Shallow” vs. “deep” architectures

Hand-designedfeature extraction

Trainable classifier

Image/VideoPixels

Object Class

Layer 1 Layer N Simpleclassifier

Object Class

Image/VideoPixels

Traditional recognition: “Shallow” architecture

Deep learning: “Deep” architecture

7

Page 8: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Background: Perceptrons

x1

x2

x3

.

.

.xd

Weightsw1

w2

w3

wd

Sigmoid function:

Input

1+ e− tσ(t) = 1

Output: σ(w⋅x + b)

8

Page 9: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Inspiration: Neuron cells

9

Page 10: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Background: Multi-Layer Neural Networks

• Nonlinear classifier• Training: find network weights w to minimize the error between true

training labels yi and estimated labels fw(xi):

E(w) =∑(yi − fw (x i ))i=1

• Minimization can be done by gradient descent provided f is differentiable• This training method is called back-propagation

N2

10

Page 11: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Hubel/Wiesel Architecture• D. Hubel and T. Wiesel (1959, 1962, Nobel Prize

1981)• Visual cortex consists of a hierarchy of simple, complex,

and hyper-complex cells

Source11

Page 12: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Convolutional Neural Networks (CNN, Convnet)• Neural network with specialized

connectivity structure• Stack multiple stages of feature

extractors• Higher stages compute more

global, more invariant features• Classification layer at the end

Y. LeCun, L. Bottou, Y. Bengio, and P. Haffner, Gradient-based learning applied todocument recognition, Proceedings of the IEEE 86(11): 2278–2324, 1998.

12

Page 13: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

• Feed-forward feature extraction:1. Convolve input with learned filters2. Non-linearity3. Spatial pooling4. Normalization

• Supervised training of convolutional filters by back-propagating classification error

Non-linearity

Convolution (Learned)

Input Image

Spatial pooling

Normalization

Convolutional Neural Networks (CNN, Convnet)

Feature maps

13

Page 14: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

1. Convolution

• Dependencies are local• Translation invariance• Few parameters (filter weights)• Stride can be greater than 1

(faster, less memory)

.

.

.

Input Feature Map14

Page 15: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

2. Non-Linearity

• Per-element (independent)• Options:

• Tanh• Sigmoid: 1/(1+exp(-x))• Rectified linear unit (ReLU)

– Simplifies backpropagation– Makes learning faster– Avoids saturation issuesà Preferred option

15

Page 16: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

3. Spatial Pooling

• Sum or max• Non-overlapping / overlapping regions• Role of pooling:

• Invariance to small transformations• Larger receptive fields (see more of input)

Max

Sum

16

Page 17: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

4. Normalization• Within or across feature maps• Before or after spatial pooling

Feature MapsFeature Maps

After Contrast Normalization

17

Page 18: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Compare: SIFT Descriptor

Apply oriented filters

Spatial pool (Sum)

Normalize to unit length

Feature Vector

Image Pixels

Lowe[IJCV 2004]

18

Page 19: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Compare: Spatial Pyramid Matching

Filter with Visual Words

Take max VW response (L-inf normalization)

Multi-scale spatial pool(Sum)

Global image

descriptor

Lazebnik, Schmid,

Ponce [CVPR 2006]

SIFTfeatures

19

Page 20: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Convnet Successes

• Handwritten text/digits• MNIST (0.17% error [Ciresan et al. 2011])• Arabic & Chinese [Ciresan et al. 2012]

• Simpler recognition benchmarks• CIFAR-10 (9.3% error [Wan et al. 2013])• Traffic sign recognition

– 0.56% error vs 1.16% for humans[Ciresan et al. 2011]

• But until recently, less good at more complex datasets• Caltech-101/256 (few training examples)

20

Page 21: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

ImageNet Challenge 2012

[Deng et al. CVPR 2009]

A. Krizhevsky, I. Sutskever, and G. Hinton, ImageNet Classification with DeepConvolutional Neural Networks, NIPS 2012

• ~14 million labeled images, 20kclasses

• Images gathered from Internet

• Human labels viaAmazon Turk

• Challenge: 1.2 million training images, 1000 classes

21

Page 22: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

ImageNet Challenge 2012• Similar framework to LeCun’98 but:

• Bigger model (7 hidden layers, 650,000 units, 60,000,000 params)• More data (106 vs. 103 images)• GPU implementation (50x speedup over CPU)

• Trained on two GPUs for a week• Better regularization for training (DropOut)

A. Krizhevsky, I. Sutskever, and G. Hinton, ImageNet Classification with DeepConvolutional Neural Networks, NIPS 2012

22

Page 23: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

ImageNet Challenge 2012Krizhevsky et al. -- 16.4% error (top-5) Next best (non-convnet) – 26.2% error

35

30

25

20

15

10

5

0SuperVision ISI Oxford INRIA Amsterdam

Top-

5er

rorr

ate

%

23

Page 24: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Visualizing Convnets

M. Zeiler and R. Fergus, Visualizing and Understanding Convolutional Networks, arXiv preprint, 2013

24

Page 25: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Meaning of Each Layer in Convnets

It is deep: 7 hidden layersDeep Neural Network

25

Page 26: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 1 Filters

26

Page 27: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 1: Top-9 Patches

27

Page 28: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 2: Top-9 Patches

• Patches from validation images that give maximal activation of a given feature map

28

Page 29: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 2: Top-9 Patches

29

Page 30: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 3: Top-9 PatchesLayer 3: Top-9 Patches

30

Page 31: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 3: Top-9 Patches

31

Page 32: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 4: Top-9 Patches

32

Page 33: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 4: Top-9 Patches

33

Page 34: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 5: Top-9 Patches

34

Page 35: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Layer 5: Top-9 Patches

35

Page 36: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Evolution of Features During Training

36

Page 37: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Evolution of Features During Training

37

Page 38: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Diagnosing Problems• Visualization of Krizhevsky et al.’s architecture showed some problems

with layers 1 and 2• Large stride of 4 used

• Alter architecture: smaller stride & filter size• Visualizations look better• Performance improves

Krizhevsky et al. Zeiler and Fergus

38

Page 39: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Occlusion Experiment

• Mask parts of input with occluding square

• Monitor output

39

Page 40: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Input image

p(True class) Most probable class

40

Page 41: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Input image

Total activation in mostactive 5th layer feature map

Other activations from same feature map

41

Page 42: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Input image

p(True class) Most probable class

42

Page 43: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Input image

Total activation in mostactive 5th layer feature map

Other activations from same feature map

43

Page 44: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Input image

p(True class) Most probable class

44

Page 45: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Input image

Total activation in mostactive 5th layer feature map

Other activations from same feature map

45

Page 46: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

ImageNet Classification 2013 Resultshttp://www.image-net.org/challenges/LSVRC/2013/results.phpDemo: http://www.clarifai.com/

0.17

0.16

0.15

0.14

0.13

0.12

0.11

0.1

Test

erro

r(to

p-5)

46

Page 47: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

How important is depth?

Architecture of Krizhevsky et al.8 layers totalTrained on ImageNet 18.1% top-5 error

Layer 4: Conv

Layer 3: Conv

Layer 2: Conv + Pool

Layer 1: Conv + Pool

Layer 6: Full

Softmax Output

Layer 5: Conv + Pool

Layer 7: Full

Input Image47

Page 48: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

How important is depth?

• Remove top fully connected layer• Layer 7

• Drop 16 million parameters

• Only 1.1% drop in performance!

Layer 6: Full

Layer 5: Conv +Pool

Layer 4: Conv

Layer 3: Conv

Layer 2: Conv + Pool

Layer 1: Conv + Pool

Softmax Output

Input Image48

Page 49: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

How important is depth?

Remove both fully connected layers• Layer 6 & 7

Drop ~50 million parameters

5.7% drop in performance

Layer 5: Conv + Pool

Layer 4: Conv

Layer 3: Conv

Layer 2: Conv + Pool

Layer 1: Conv + Pool

Softmax Output

Input Image49

Page 50: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

How important is depth?

Now try removing upperfeature extractor layers:• Layers 3 & 4

Drop ~1 million parameters

3.0% drop in performance

Layer 2: Conv + Pool

Layer 1: Conv + Pool

Layer 6: Full

Softmax Output

Layer 5: Conv + Pool

Layer 7: Full

Input Image50

Page 51: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

How important is depth?

Softmax Output

Now try removing upper feature extractor layers & fully connected:• Layers 3, 4, 6 ,7

Now only 4 layers

33.5% drop in performance

Layer 2: Conv + PoolàDepth of network is key

Layer 1: Conv + Pool

Layer 5: Conv + Pool

Input Image51

Page 52: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Tapping off Features at each Layer

Plug features from each layer into linear SVM or soft-max

Page 53: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

CNN Libraries (open source)• Cuda-convnet (Google): C/C++, Python• Caffe (Berkeley): C/C++, Matlab, Python• Overfeat (NYU): C/C++• TensorFlow (Google): C++, Python• Torch: Python• ConvNetJS: Java script• MatConvNet (VLFeat): Matlab• DeepLearn Toolbox: Matlab

53

Page 54: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Using CNN Features on Other Datasets• Take model trained on, e.g., ImageNet 2012

training set• Take outputs of 6th or 7th layer before or after

nonlinearity• Classify test set of new dataset• Optional: fine-tune features and/or

classifier on new dataset

54

Page 55: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

Results on misc. benchmarks

[1] J. Donahue, Y. Jia, O. Vinyals, J. Hoffman, N. Zhang, E. Tzeng, and T. Darrell, DeCAF:ADeep ConvolutionalActivation Feature for Generic Visual Recognition, arXiv preprint, 2014

[2] A. Razavian, H. Azizpour, J. Sullivan, and S. Carlsson, CNN Features off-the-shelf: anAstounding Baselinefor Recognition, arXiv preprint, 2014

[1] SUN 397 dataset (DeCAF)[1] Caltech-101 (30 samples per class)

[2] MIT-67 Indoor Scenes dataset (OverFeat)[1] Caltech-UCSD Birds (DeCAF)

55

Page 56: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

CNN features for detection

Object detection system overview. Our system (1) takes an input image, (2) extracts around 2000 bottom-up region proposals, (3) computes features for each proposal using a large convolutional neural network (CNN), and then (4) classifies each region using class-specific linear SVMs. R-CNN achieves a mean average precision (mAP) of 53.7% on PASCALVOC 2010. For comparison, Uijlings et al. (2013) report 35.1% mAP using the same region proposals, but with a spatial pyramid and bag-of-visual-words approach. The popular deformable part models perform at 33.4%.

R. Girshick, J. Donahue, T. Darrell, and J. Malik, Rich Feature Hierarchies forAccurateObject Detection and Semantic Segmentation, CVPR 2014, to appear.

56

Page 57: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

CNN features for face verification

Y. Taigman, M. Yang, M. Ranzato, L. Wolf, DeepFace: Closing the Gap to Human-LevelPerformance in Face Verification, CVPR 2014, to appear.

57

Page 58: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

References : CNNs• Classical paper of CNN (LeNet)

• Y.LeCun,L.Bottou,Y.Bengio,P.Huffier, "Gradient-based learningapplied todocument recognition."Proceedings of the IEEE, 86(11), 2278-2324.1998.

• StochasticGradientDescent• G.E.Hinton,S.Osindero,andY.-W.Teh,“AFastLearningAlgorithmforDeepBelief Nets,”Neural Computation, vol.18,no.7,pp.1527–1554,Jul.2006.

• Dropout• N.Srivastava,G.Hinton,A.Krizhevsky,I.Sutskever, andR.Salakhutdinov,“Dropout:asimplewaytopreventneuralnetworksfromoverfitting,”TheJournalofMachine LearningResearch, vol.15,no.1,pp.1929–1958,Jan.2014.

• Transfer learning and Pretrain• Y.Bengio, “Deep learning ofrepresentations forunsupervised andtransferlearning,” JMLRW&CP:Proc.Unsupervised andTransferLearning, 2012.

58

Page 59: 05-Deep Neural Networks-2-CNN - Pattern Recognition in ...pattern-recognition.weebly.com/.../05-deep_neural_networks-2-cnn.… · A Convolutional Neural Network(CNN) ... • Handwritten

References : R-CNN• R.Girshick,J.Donahue,T.Darrell,andJ.Malik,“Region-BasedConvolutionalNetworksforAccurateObjectDetectionandSegmentation,”IEEETrans.PatternAnal.Mach.Intell.,vol.38,no.1,pp.142–158,2016.

• S.Ren,K.He,R.Girshick,andJ.Sun,“FasterR-CNN:TowardsReal-TimeObjectDetectionwithRegionProposalNetworks,”AdvancesinNeuralInformationProcessingSystems,2015,pp.91–99.2015.

59