SlideShare a Scribd company logo
IMAGENET CLASSIFICATION WITH DEEP CONVOLUTIONAL
NEURAL NETWORKS
Alex Krizhevsky
University of Toronto
kriz@cs.utoronto.ca
Ilya Sutskever
University of Toronto
ilya@cs.utoronto.ca
Geoffrey E. Hinton
University of Toronto
hinton@cs.utoronto.ca
Cited by 12013
Advances in Neural Information Processing Systems 25 (NIPS 2012)
ABSTRACT
 We trained a large, deep convolutional neural network to
classify the 1.2 million high-resolution images in the
ImageNet LSVRC-2010 contest into the 1000 different
classes.
 On the test data, we achieved top-1 and top-5 error
rates of 37.5% and 17.0% which is considerably better
than the previous state-of-the-art.
 The neural network, which has 60 million parameters
and 650,000 neurons, consists of five convolutional
layers, some of which are followed by max pooling
layers, and three fully-connected layers with final 1000-
way softmax.
1 - ABSTRACT
 To make training faster, we used non-saturating
neurons and a very efficient GPU implementation of
the convolution operation.
 To reduce overfitting in the fully-connected layers
we employed a recently-developed regularization
method called “dropout” that proved to be very
effective.
2 - INTRODUCTION
 Current approaches to object recognition make
essential use of machine learning methods.
 datasets of labeled images were relatively small —
on the order of tens of thousands of images (e.g.,
NORB [16], Caltech-101/256 [8, 9], and CIFAR-
10/100 [12]).
 But objects in realistic settings exhibit considerable
variability, so to learn to recognize them it is
necessary to use much larger training sets.
2 - INTRODUCTION
 The new larger datasets include LabelMe [23], which
consists of hundreds of thousands of fully-segmented
images, and ImageNet [6], which consists of over 15
million labeled high-resolution images in over 22,000
categories.
 To learn about thousands of objects from millions of
images, we need a model with a large learning capacity
like CNN.
 Despite the attractive qualities of CNNs, and despite the
relative efficiency of their local architecture, they have
still been prohibitively expensive to apply in large scale
to high-resolution images for this reason we using GPU.
3 - THE ARCHITECTURE
 The architecture of our network is summarized in
Figure 2. It contains eight learned layers —five
convolutional and three fully-connected.
 Below, we describe some of the novel or unusual
features of our network’s architecture.
 Sections 3.1-3.4 are sorted according to our
estimation of their importance, with the most
important first.
3 - THE ARCHITECTURE
3 - THE ARCHITECTURE
3.1 - RELU NONLINEARITY
 The standard way to model a neuron’s output f as
a function of its input x is with f(x) = tanh(x) Or
 Deep convolutional neural networks with ReLUs
train several times faster than their equivalents with
tanh units.
3.1 - RELU NONLINEARITY
Figure 1: A four-layer convolutional neural network with ReLUs (solid line) reaches
a 25% training error rate on CIFAR-10 six times faster than an equivalent network
with tanh neurons (dashed line). The learning rates for each network were chosen
independently to make training as fast as possible. No regularization of any kind
was employed. The magnitude of the effect demonstrated here varies with network
architecture, but networks with ReLUs consistently learn several times faster than
equivalents with saturating neurons.
3.2 - TRAINING ON MULTIPLE GPUS
 A single GTX 580 GPU has only 3GB of memory, which limits the
maximum size of the networks that can be trained on it. It turns
out that 1.2 million training examples are enough to train
networks which are too big to fit on one GPU. Therefore we
spread the net across two GPUs. Current GPUs are particularly
well-suited to cross-GPU parallelization, as they are able to read
from and write to one another’s memory directly, without going
through host machine memory.
 The parallelization scheme that we employ essentially puts half
of the kernels (or neurons) on each GPU, with one additional
trick: the GPUs communicate only in certain layers. This means
that, for example, the kernels of layer 3 take input from all kernel
maps in layer 2. However, kernels in layer 4 take input only from
those kernel maps in layer 3 which reside on the same GPU.
3.3 - LOCAL RESPONSE NORMALIZATION
 ReLUs have the desirable property that they do not require input
normalization to prevent them from saturating. If at least some
training examples produce a positive input to a ReLU, learning
will happen in that neuron. However, we still find that the
following local normalization scheme aids generalization.
Denoting by ai x;y the activity of a neuron computed by applying
kernel i at position (x; y) and then applying the ReLU nonlinearity,
the response-normalized activity bi x;y is given by the expression.
 Response normalization reduces our top-1 and top-5 error rates
by 1.4% and 1.2%, respectively. We also verified the
effectiveness of this scheme on the CIFAR-10 dataset: a four-
layer CNN achieved a 13% test error rate without normalization
and 11% with normalization.
3.4 - OVERLAPPING POOLING
 Pooling layers in CNNs summarize the outputs of neighboring
groups of neurons in the same kernel map. Traditionally, the
neighborhoods summarized by adjacent pooling units do not
overlap (e.g., [17, 11, 4]).
 To be more precise, a pooling layer can be thought of as
consisting of a grid of pooling units spaced s pixels apart, each
summarizing a neighborhood of size z z centered at the
location of the pooling unit. If we set s = z, we obtain traditional
local pooling as commonly employed in CNNs. If we set s < z,
we obtain overlapping pooling.
 This is what we use throughout our network, with s = 2 and z =
3. This scheme reduces the top-1 and top-5 error rates by 0.4%
and 0.3%, respectively, as compared with the non overlapping
scheme s = 2; z = 2, which produces output of equivalent
dimensions.
 We generally observe during training that models
with overlapping pooling find it slightly more difficult
to over fit.
3.4 - OVERLAPPING POOLING
3.4 - OVERLAPPING POOLING
3.5 - OVERALL ARCHITECTURE
 Now we are ready to describe the overall architecture of our
CNN.
 the net contains eight layers with weights; the first five are
convolutional and the remaining three are fully connected.
 The output of the last fully-connected layer is fed to a 1000-way
softmax which produces a distribution over the 1000 class
labels.
 The kernels of the second, fourth, and fifth convolutional layers
are connected only to those kernel maps in the previous layer
which reside on the same GPU.
 The kernels of the third convolutional layer are connected to all
kernel maps in the second layer.
 The neurons in the fully connected layers are connected to all
neurons in the previous layer.
 The ReLU non-linearity is applied to the output of every
convolutional and fully-connected layer.
 Response-normalization layers follow the first and second
convolutional layers.
 Max-pooling layers, of the kind described in Section 3.4,
follow both response-normalization layers as well as the fifth
convolutional layer.
3.5 - OVERALL ARCHITECTURE
 The second convolutional layer takes as input the (response-
normalized and pooled) output of the first convolutional layer
and filters it with 256 kernels of size 5x5x48.
 The third, fourth, and fifth convolutional layers are connected
to one another without any intervening pooling or
normalization layers.
 The third convolutional layer has 384 kernels of size 3x3x 256
connected to the (normalized, pooled) outputs of the second
convolutional layer.
 The fourth convolutional layer has 384 kernels of size
3x3x192 , and the fifth convolutional layer has 256 kernels of
size 3x3x192. The fully-connected layers have 4096 neurons
each.
3.5 - OVERALL ARCHITECTURE
3.5 - OVERALL ARCHITECTURE
4 - REDUCING OVERFITTING
 We describe the two primary ways in which we combat
overfitting.
 We employ two distinct forms of data augmentation.
 The first form of data augmentation consists of generating
image translations and horizontal reflections. We do this by
extracting random 224 x 224 patches (and their horizontal
reflections) from the 256 x 256 images and training our
network on these extracted patches .
4.1 - Data Augmentation
 this scheme, our network suffers from substantial overfitting,
which would have forced us to use much smaller networks.
4.1 - DATA AUGMENTATION
256x256
224x224
224x224
224x224
224x224
224x224
224x224
Horizontal Flip
224x224
 The second form of data augmentation consists of altering the
intensities of the RGB channels in training images.
4.1 - DATA AUGMENTATION
4.2 - DROPOUT
 The recently-introduced technique, called “dropout” [10],
consists of setting to zero the output of each hidden neuron
with probability 0.5.
 So every time an input is presented, the neural network
samples a different architecture.
 We use dropout in the first two fully-connected layers of
Figure 2.
 Without dropout, our network exhibits substantial overfitting.
 Dropout roughly doubles the number of iterations required to
converge.
4.2 - DROPOUT
5 - DETAILS OF LEARNING
 We trained our models using stochastic gradient descent with a
batch size of 128 examples, momentum of 0.9, and weight decay
of 0.0005.
 We found that this small amount of weight decay was important
for the model to learn. In other words, weight decay here is not
merely a regularizer : it reduces the model’s training error.
 We initialized the weights in each layer from a zero-mean
Gaussian distribution with standard deviation 0.01.
 We initialized the neuron biases in the second, fourth, and fifth
convolutional layers,as well as in the fully-connected hidden
layers, with the constant 1.
 We initialized the neuron biases in the remaining layers with the
constant 0.
 This initialization accelerates the early stages of learning by
providing the ReLUs with positive inputs.
 We used an equal learning rate for all layers, which we
adjusted manually throughout training.The heuristic which we
followed was to divide the learning rate by 10 when thev
alidation error rate stopped improving with the current learning
rate.
 The learning rate was initialized at 0.01 and reduced three
times prior to termination.
 We trained the network for roughly 90 cycles through the
training set of 1.2 million images, which took five to six days
on two NVIDIA GTX 580 3GB GPUs.
5 - DETAILS OF LEARNING
6 - THE DATASET
 ImageNet is a dataset of over 15 million labeled high-
resolution images belonging to roughly 22,000 categories.
 ILSVRC uses a subset of ImageNet with roughly 1000 images
in each of 1000 categories.
 1.2 million training images, 50,000 validation images, and
150,000 testing images.
 (ILSVRC) : ImageNet Large-Scale Visual Recognition
Challenge.
 On ImageNet, it is customary to report two error rates: top-1
and top-5, where the top-5 error rate.
6.1 - QUALITATIVE EVALUATIONS
7 - RESULTS
7 - RESULTS
2017 (albawi-alkabi)image-net classification with deep convolutional neural networkspptx

More Related Content

PDF
A survey on the layers of convolutional Neural Network
PPTX
Computer Vision for Beginners
PPTX
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
PPTX
Deep learning
PDF
Advance deep learning
PDF
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
PPTX
Image classification with Deep Neural Networks
PPTX
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
A survey on the layers of convolutional Neural Network
Computer Vision for Beginners
Convolutional Neural Network for Alzheimer’s disease diagnosis with Neuroim...
Deep learning
Advance deep learning
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
Image classification with Deep Neural Networks
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...

What's hot (20)

PPTX
Convolutional neural network
PDF
Efficient de cvpr_2020_paper
PDF
Convolutional neural network
PPTX
Deep Learning - RNN and CNN
PDF
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
PPT
Deep Learning
PDF
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
PDF
PR095: Modularity Matters: Learning Invariant Relational Reasoning Tasks
PDF
Deep learning in Computer Vision
PPTX
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
PDF
Lecture 11 neural network principles
PPTX
Deep Learning With Neural Networks
PDF
PR243: Designing Network Design Spaces
PDF
Introduction to Convolutional Neural Networks
PPTX
Convolutional neural network
PPTX
Transfer Learning and Fine-tuning Deep Neural Networks
PPTX
Convolutional neural network from VGG to DenseNet
PPTX
AlexNet
PDF
Understanding Convolutional Neural Networks
PDF
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
Convolutional neural network
Efficient de cvpr_2020_paper
Convolutional neural network
Deep Learning - RNN and CNN
PR-270: PP-YOLO: An Effective and Efficient Implementation of Object Detector
Deep Learning
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
PR095: Modularity Matters: Learning Invariant Relational Reasoning Tasks
Deep learning in Computer Vision
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 11 neural network principles
Deep Learning With Neural Networks
PR243: Designing Network Design Spaces
Introduction to Convolutional Neural Networks
Convolutional neural network
Transfer Learning and Fine-tuning Deep Neural Networks
Convolutional neural network from VGG to DenseNet
AlexNet
Understanding Convolutional Neural Networks
PR-169: EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks
Ad

Similar to 2017 (albawi-alkabi)image-net classification with deep convolutional neural networkspptx (20)

PDF
ImageNet Classification with Deep Convolutional Neural Networks
PDF
Employing Neocognitron Neural Network Base Ensemble Classifiers To Enhance Ef...
PDF
International Journal of Computational Science, Information Technology and Co...
PDF
6119ijcsitce01
PDF
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
PDF
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
PDF
Modeling of neural image compression using gradient decent technology
PPTX
UNetEliyaLaialy (2).pptx
PDF
Handwritten Digit Recognition using Convolutional Neural Networks
PDF
N ns 1
PPTX
Deep Learning
PDF
PPTX
Lacture Generative Adversal Network in Neural Networks
PDF
Efficient design of feedforward network for pattern classification
PDF
Artificial neural network for machine learning
PDF
H017376369
PDF
A New Classifier Based onRecurrent Neural Network Using Multiple Binary-Outpu...
PDF
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
PPTX
Introduction to Convolutional Neural Networks
PDF
Web Spam Classification Using Supervised Artificial Neural Network Algorithms
ImageNet Classification with Deep Convolutional Neural Networks
Employing Neocognitron Neural Network Base Ensemble Classifiers To Enhance Ef...
International Journal of Computational Science, Information Technology and Co...
6119ijcsitce01
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
CONTRAST OF RESNET AND DENSENET BASED ON THE RECOGNITION OF SIMPLE FRUIT DATA...
Modeling of neural image compression using gradient decent technology
UNetEliyaLaialy (2).pptx
Handwritten Digit Recognition using Convolutional Neural Networks
N ns 1
Deep Learning
Lacture Generative Adversal Network in Neural Networks
Efficient design of feedforward network for pattern classification
Artificial neural network for machine learning
H017376369
A New Classifier Based onRecurrent Neural Network Using Multiple Binary-Outpu...
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Introduction to Convolutional Neural Networks
Web Spam Classification Using Supervised Artificial Neural Network Algorithms
Ad

Recently uploaded (20)

PPTX
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
PPTX
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
PPTX
Lesson 3_Tessellation.pptx finite Mathematics
PPTX
Welding lecture in detail for understanding
PPTX
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
PPTX
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
PPTX
Foundation to blockchain - A guide to Blockchain Tech
PDF
Well-logging-methods_new................
PDF
Mitigating Risks through Effective Management for Enhancing Organizational Pe...
PPTX
bas. eng. economics group 4 presentation 1.pptx
PPTX
CH1 Production IntroductoryConcepts.pptx
PPTX
Internet of Things (IOT) - A guide to understanding
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
PPTX
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx
PPTX
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
PPTX
UNIT 4 Total Quality Management .pptx
PDF
composite construction of structures.pdf
PDF
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
PDF
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
PPTX
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
Lesson 3_Tessellation.pptx finite Mathematics
Welding lecture in detail for understanding
MET 305 2019 SCHEME MODULE 2 COMPLETE.pptx
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
Foundation to blockchain - A guide to Blockchain Tech
Well-logging-methods_new................
Mitigating Risks through Effective Management for Enhancing Organizational Pe...
bas. eng. economics group 4 presentation 1.pptx
CH1 Production IntroductoryConcepts.pptx
Internet of Things (IOT) - A guide to understanding
Embodied AI: Ushering in the Next Era of Intelligent Systems
M Tech Sem 1 Civil Engineering Environmental Sciences.pptx
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
UNIT 4 Total Quality Management .pptx
composite construction of structures.pdf
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
keyrequirementskkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkkk
Infosys Presentation by1.Riyan Bagwan 2.Samadhan Naiknavare 3.Gaurav Shinde 4...

2017 (albawi-alkabi)image-net classification with deep convolutional neural networkspptx

  • 1. IMAGENET CLASSIFICATION WITH DEEP CONVOLUTIONAL NEURAL NETWORKS Alex Krizhevsky University of Toronto kriz@cs.utoronto.ca Ilya Sutskever University of Toronto ilya@cs.utoronto.ca Geoffrey E. Hinton University of Toronto hinton@cs.utoronto.ca Cited by 12013 Advances in Neural Information Processing Systems 25 (NIPS 2012)
  • 2. ABSTRACT  We trained a large, deep convolutional neural network to classify the 1.2 million high-resolution images in the ImageNet LSVRC-2010 contest into the 1000 different classes.  On the test data, we achieved top-1 and top-5 error rates of 37.5% and 17.0% which is considerably better than the previous state-of-the-art.  The neural network, which has 60 million parameters and 650,000 neurons, consists of five convolutional layers, some of which are followed by max pooling layers, and three fully-connected layers with final 1000- way softmax.
  • 3. 1 - ABSTRACT  To make training faster, we used non-saturating neurons and a very efficient GPU implementation of the convolution operation.  To reduce overfitting in the fully-connected layers we employed a recently-developed regularization method called “dropout” that proved to be very effective.
  • 4. 2 - INTRODUCTION  Current approaches to object recognition make essential use of machine learning methods.  datasets of labeled images were relatively small — on the order of tens of thousands of images (e.g., NORB [16], Caltech-101/256 [8, 9], and CIFAR- 10/100 [12]).  But objects in realistic settings exhibit considerable variability, so to learn to recognize them it is necessary to use much larger training sets.
  • 5. 2 - INTRODUCTION  The new larger datasets include LabelMe [23], which consists of hundreds of thousands of fully-segmented images, and ImageNet [6], which consists of over 15 million labeled high-resolution images in over 22,000 categories.  To learn about thousands of objects from millions of images, we need a model with a large learning capacity like CNN.  Despite the attractive qualities of CNNs, and despite the relative efficiency of their local architecture, they have still been prohibitively expensive to apply in large scale to high-resolution images for this reason we using GPU.
  • 6. 3 - THE ARCHITECTURE
  • 7.  The architecture of our network is summarized in Figure 2. It contains eight learned layers —five convolutional and three fully-connected.  Below, we describe some of the novel or unusual features of our network’s architecture.  Sections 3.1-3.4 are sorted according to our estimation of their importance, with the most important first. 3 - THE ARCHITECTURE
  • 8. 3 - THE ARCHITECTURE
  • 9. 3.1 - RELU NONLINEARITY  The standard way to model a neuron’s output f as a function of its input x is with f(x) = tanh(x) Or  Deep convolutional neural networks with ReLUs train several times faster than their equivalents with tanh units.
  • 10. 3.1 - RELU NONLINEARITY Figure 1: A four-layer convolutional neural network with ReLUs (solid line) reaches a 25% training error rate on CIFAR-10 six times faster than an equivalent network with tanh neurons (dashed line). The learning rates for each network were chosen independently to make training as fast as possible. No regularization of any kind was employed. The magnitude of the effect demonstrated here varies with network architecture, but networks with ReLUs consistently learn several times faster than equivalents with saturating neurons.
  • 11. 3.2 - TRAINING ON MULTIPLE GPUS  A single GTX 580 GPU has only 3GB of memory, which limits the maximum size of the networks that can be trained on it. It turns out that 1.2 million training examples are enough to train networks which are too big to fit on one GPU. Therefore we spread the net across two GPUs. Current GPUs are particularly well-suited to cross-GPU parallelization, as they are able to read from and write to one another’s memory directly, without going through host machine memory.  The parallelization scheme that we employ essentially puts half of the kernels (or neurons) on each GPU, with one additional trick: the GPUs communicate only in certain layers. This means that, for example, the kernels of layer 3 take input from all kernel maps in layer 2. However, kernels in layer 4 take input only from those kernel maps in layer 3 which reside on the same GPU.
  • 12. 3.3 - LOCAL RESPONSE NORMALIZATION  ReLUs have the desirable property that they do not require input normalization to prevent them from saturating. If at least some training examples produce a positive input to a ReLU, learning will happen in that neuron. However, we still find that the following local normalization scheme aids generalization. Denoting by ai x;y the activity of a neuron computed by applying kernel i at position (x; y) and then applying the ReLU nonlinearity, the response-normalized activity bi x;y is given by the expression.  Response normalization reduces our top-1 and top-5 error rates by 1.4% and 1.2%, respectively. We also verified the effectiveness of this scheme on the CIFAR-10 dataset: a four- layer CNN achieved a 13% test error rate without normalization and 11% with normalization.
  • 13. 3.4 - OVERLAPPING POOLING  Pooling layers in CNNs summarize the outputs of neighboring groups of neurons in the same kernel map. Traditionally, the neighborhoods summarized by adjacent pooling units do not overlap (e.g., [17, 11, 4]).  To be more precise, a pooling layer can be thought of as consisting of a grid of pooling units spaced s pixels apart, each summarizing a neighborhood of size z z centered at the location of the pooling unit. If we set s = z, we obtain traditional local pooling as commonly employed in CNNs. If we set s < z, we obtain overlapping pooling.  This is what we use throughout our network, with s = 2 and z = 3. This scheme reduces the top-1 and top-5 error rates by 0.4% and 0.3%, respectively, as compared with the non overlapping scheme s = 2; z = 2, which produces output of equivalent dimensions.
  • 14.  We generally observe during training that models with overlapping pooling find it slightly more difficult to over fit. 3.4 - OVERLAPPING POOLING
  • 15. 3.4 - OVERLAPPING POOLING
  • 16. 3.5 - OVERALL ARCHITECTURE  Now we are ready to describe the overall architecture of our CNN.  the net contains eight layers with weights; the first five are convolutional and the remaining three are fully connected.  The output of the last fully-connected layer is fed to a 1000-way softmax which produces a distribution over the 1000 class labels.  The kernels of the second, fourth, and fifth convolutional layers are connected only to those kernel maps in the previous layer which reside on the same GPU.  The kernels of the third convolutional layer are connected to all kernel maps in the second layer.  The neurons in the fully connected layers are connected to all neurons in the previous layer.
  • 17.  The ReLU non-linearity is applied to the output of every convolutional and fully-connected layer.  Response-normalization layers follow the first and second convolutional layers.  Max-pooling layers, of the kind described in Section 3.4, follow both response-normalization layers as well as the fifth convolutional layer. 3.5 - OVERALL ARCHITECTURE
  • 18.  The second convolutional layer takes as input the (response- normalized and pooled) output of the first convolutional layer and filters it with 256 kernels of size 5x5x48.  The third, fourth, and fifth convolutional layers are connected to one another without any intervening pooling or normalization layers.  The third convolutional layer has 384 kernels of size 3x3x 256 connected to the (normalized, pooled) outputs of the second convolutional layer.  The fourth convolutional layer has 384 kernels of size 3x3x192 , and the fifth convolutional layer has 256 kernels of size 3x3x192. The fully-connected layers have 4096 neurons each. 3.5 - OVERALL ARCHITECTURE
  • 19. 3.5 - OVERALL ARCHITECTURE
  • 20. 4 - REDUCING OVERFITTING  We describe the two primary ways in which we combat overfitting.  We employ two distinct forms of data augmentation.  The first form of data augmentation consists of generating image translations and horizontal reflections. We do this by extracting random 224 x 224 patches (and their horizontal reflections) from the 256 x 256 images and training our network on these extracted patches . 4.1 - Data Augmentation
  • 21.  this scheme, our network suffers from substantial overfitting, which would have forced us to use much smaller networks. 4.1 - DATA AUGMENTATION 256x256 224x224 224x224 224x224 224x224 224x224 224x224 Horizontal Flip 224x224
  • 22.  The second form of data augmentation consists of altering the intensities of the RGB channels in training images. 4.1 - DATA AUGMENTATION
  • 23. 4.2 - DROPOUT  The recently-introduced technique, called “dropout” [10], consists of setting to zero the output of each hidden neuron with probability 0.5.  So every time an input is presented, the neural network samples a different architecture.  We use dropout in the first two fully-connected layers of Figure 2.  Without dropout, our network exhibits substantial overfitting.  Dropout roughly doubles the number of iterations required to converge.
  • 25. 5 - DETAILS OF LEARNING  We trained our models using stochastic gradient descent with a batch size of 128 examples, momentum of 0.9, and weight decay of 0.0005.  We found that this small amount of weight decay was important for the model to learn. In other words, weight decay here is not merely a regularizer : it reduces the model’s training error.  We initialized the weights in each layer from a zero-mean Gaussian distribution with standard deviation 0.01.  We initialized the neuron biases in the second, fourth, and fifth convolutional layers,as well as in the fully-connected hidden layers, with the constant 1.  We initialized the neuron biases in the remaining layers with the constant 0.  This initialization accelerates the early stages of learning by providing the ReLUs with positive inputs.
  • 26.  We used an equal learning rate for all layers, which we adjusted manually throughout training.The heuristic which we followed was to divide the learning rate by 10 when thev alidation error rate stopped improving with the current learning rate.  The learning rate was initialized at 0.01 and reduced three times prior to termination.  We trained the network for roughly 90 cycles through the training set of 1.2 million images, which took five to six days on two NVIDIA GTX 580 3GB GPUs. 5 - DETAILS OF LEARNING
  • 27. 6 - THE DATASET  ImageNet is a dataset of over 15 million labeled high- resolution images belonging to roughly 22,000 categories.  ILSVRC uses a subset of ImageNet with roughly 1000 images in each of 1000 categories.  1.2 million training images, 50,000 validation images, and 150,000 testing images.  (ILSVRC) : ImageNet Large-Scale Visual Recognition Challenge.  On ImageNet, it is customary to report two error rates: top-1 and top-5, where the top-5 error rate.
  • 28. 6.1 - QUALITATIVE EVALUATIONS