SlideShare une entreprise Scribd logo
1  sur  18
Convolutional Neural Network
School of Computer Sicience and Engineering
1. Introduction
2. Convolution
3. Relu
4. Pooling
School of Computer Sicience and Engineering
3. Example by Tensorflow
1.1 Definition
• CNN is a specualized kind of neural network for processing
data thtat has a known, grid-like topology, such as time-
series(1D grid), image data(2D grid), etc.
• CNN is a supervised deep learning algorithm, it is used in
various fields like speech recognition, image retrieval and
face recognition.
School of Computer Sicience and Engineering
1.1 Definition
• ImageNet Classification with Deep Convolutional Neural Networks
(Cited by 9538, NIPS 2012, Alex Krizhevsky, Ilya Sutskever, Geoffrey
E. Hinton)
• build a CNN, has 60 million parameters and 650,000 neurons,
consists of five convolutional layers.
• Typical CNN is a 5 layer architecture consist of convolution layer,
pooling layer and classification layer.
• Convolution layer: extract the unique features from the input
image
• Pooling layer: reduce the dimensionality
• Generally CNN is trained using back-propagation algorithm
School of Computer Sicience and Engineering
1.2 Motivation
• MLP do not scale well
• MLP ignore pixel correlation
• MLP are not robust to image transformation
School of Computer Sicience and Engineering
multi-layer perceptron
2.1 Why Convolution ?
• preserves the spatial relationship
between pixels by learning image
features using small squares of
input data
• detect small,meaningful features
such as edges with kernels
School of Computer Sicience and Engineering
A 2D convolution example from deep learning book
2.2 Convolution Example
School of Computer Sicience and Engineering
input matrix
kernel matrix
2.2 Convolution Example
School of Computer Sicience and Engineering
different filters can detect
different features
2.2 Convolution Example
School of Computer Sicience and Engineering
The Convolution Operation
3 ReLU
• Introducing the Non Linearity
School of Computer Sicience and Engineering
Other non linear
functions such as
tanh or sigmoid can
also be used instead
of ReLU, but ReLU
has been found to
perform better in
most situations
4.1 Motivation of Pooling
• Reduce dimensionality
• In all cases, pooling helps to make the representation become
approximately invariant to small translations of the input.
• local translation can be a very useful property if we care more about
whether some feature is present than exactly where it is.
• Type of Pooling
• Max(works better)
• Average
• Sum
School of Computer Sicience and Engineering
4.2 Max Pooling
School of Computer Sicience and Engineering
5 Example by Tensorflow
School of Computer Sicience and Engineering
28 * 28
5 Example by Tensorflow
School of Computer Sicience and Engineering
5 Example by Tensorflow
School of Computer Sicience and Engineering
• zero-padding the 28x28x1 image to
32x32x1
• applying 5x5x32 convolution to get
28x28x32
• max-pooling down to 14x14x32 zero-
padding the 14x14x32 to 18x18x32
• applying 5x5x32x64 convolution to get
14x14x64
• max-pooling down to 7x7x64.
5 Example by Tensorflow
School of Computer Sicience and Engineering
Reference
• http://ufldl.stanford.edu/tutorial/supervised/ConvolutionalNeuralNetwork
• http://cs231n.github.io/convolutional-networks/
• https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/
• Deep Learning Book
• http://www.slideshare.net/ssuser06e0c5/explanation-on-tensorflow-
example-deep-mnist-for-expert
• http://shuaizhang.tech/2016/12/08/Tensorflow%E6%95%99%E7%A8%8B2
-Deep-MNIST-Using-CNN/
School of Computer Sicience and Engineering
School of Computer Sicience and Engineering

Contenu connexe

Tendances

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
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Simplilearn
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Simplilearn
 

Tendances (20)

Image classification using cnn
Image classification using cnnImage classification using cnn
Image classification using cnn
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Deep learning
Deep learningDeep learning
Deep learning
 
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...
 
Convolutional Neural Network and Its Applications
Convolutional Neural Network and Its ApplicationsConvolutional Neural Network and Its Applications
Convolutional Neural Network and Its Applications
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Introduction to Deep Learning
Introduction to Deep LearningIntroduction to Deep Learning
Introduction to Deep Learning
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Training Neural Networks
Training Neural NetworksTraining Neural Networks
Training Neural Networks
 
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
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Cnn method
Cnn methodCnn method
Cnn method
 
Activation function
Activation functionActivation function
Activation function
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 

En vedette

Convolution Neural Networks
Convolution Neural NetworksConvolution Neural Networks
Convolution Neural Networks
AhmedMahany
 
Convolutional neural networks for image classification — evidence from Kaggle...
Convolutional neural networks for image classification — evidence from Kaggle...Convolutional neural networks for image classification — evidence from Kaggle...
Convolutional neural networks for image classification — evidence from Kaggle...
Dmytro Mishkin
 
CNN Presentation
CNN PresentationCNN Presentation
CNN Presentation
sacooke2
 

En vedette (20)

Convolution Neural Networks
Convolution Neural NetworksConvolution Neural Networks
Convolution Neural Networks
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
 
101: Convolutional Neural Networks
101: Convolutional Neural Networks 101: Convolutional Neural Networks
101: Convolutional Neural Networks
 
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
Track2 02. machine intelligence at google scale google, kaz sato, staff devel...
 
Deep Convolutional Neural Networks - Overview
Deep Convolutional Neural Networks - OverviewDeep Convolutional Neural Networks - Overview
Deep Convolutional Neural Networks - Overview
 
Convolution codes - Coding/Decoding Tree codes and Trellis codes for multiple...
Convolution codes - Coding/Decoding Tree codes and Trellis codes for multiple...Convolution codes - Coding/Decoding Tree codes and Trellis codes for multiple...
Convolution codes - Coding/Decoding Tree codes and Trellis codes for multiple...
 
Case Study of Convolutional Neural Network
Case Study of Convolutional Neural NetworkCase Study of Convolutional Neural Network
Case Study of Convolutional Neural Network
 
Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1Convolutional Neural Networks: Part 1
Convolutional Neural Networks: Part 1
 
Convolutional neural networks for image classification — evidence from Kaggle...
Convolutional neural networks for image classification — evidence from Kaggle...Convolutional neural networks for image classification — evidence from Kaggle...
Convolutional neural networks for image classification — evidence from Kaggle...
 
CNN Presentation
CNN PresentationCNN Presentation
CNN Presentation
 
Deep Learning - Convolutional Neural Networks - Architectural Zoo
Deep Learning - Convolutional Neural Networks - Architectural ZooDeep Learning - Convolutional Neural Networks - Architectural Zoo
Deep Learning - Convolutional Neural Networks - Architectural Zoo
 
Introduction to XGboost
Introduction to XGboostIntroduction to XGboost
Introduction to XGboost
 
Intrusion Detection with Neural Networks
Intrusion Detection with Neural NetworksIntrusion Detection with Neural Networks
Intrusion Detection with Neural Networks
 
Convolution as matrix multiplication
Convolution as matrix multiplicationConvolution as matrix multiplication
Convolution as matrix multiplication
 
Convolutional Neural NetworkとRankNetを用いた画像の順序予測
Convolutional Neural NetworkとRankNetを用いた画像の順序予測Convolutional Neural NetworkとRankNetを用いた画像の順序予測
Convolutional Neural NetworkとRankNetを用いた画像の順序予測
 
Deep Learning Survey
Deep Learning SurveyDeep Learning Survey
Deep Learning Survey
 
Understanding Convolutional Neural Networks
Understanding Convolutional Neural NetworksUnderstanding Convolutional Neural Networks
Understanding Convolutional Neural Networks
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network
 
Ap Presentation
Ap PresentationAp Presentation
Ap Presentation
 
THINGS_YOU_WONT_SEE_ON_CNN
THINGS_YOU_WONT_SEE_ON_CNNTHINGS_YOU_WONT_SEE_ON_CNN
THINGS_YOU_WONT_SEE_ON_CNN
 

Similaire à Introduction to CNN

Deep Learning
Deep LearningDeep Learning
Deep Learning
Pierre de Lacaze
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
ssuser3aa461
 

Similaire à Introduction to CNN (20)

Deep Learning
Deep LearningDeep Learning
Deep Learning
 
DSRLab seminar Introduction to deep learning
DSRLab seminar   Introduction to deep learningDSRLab seminar   Introduction to deep learning
DSRLab seminar Introduction to deep learning
 
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
 
intro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptxintro-to-cnn-April_2020.pptx
intro-to-cnn-April_2020.pptx
 
A Survey of Convolutional Neural Networks
A Survey of Convolutional Neural NetworksA Survey of Convolutional Neural Networks
A Survey of Convolutional Neural Networks
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRU
 
DL.pdf
DL.pdfDL.pdf
DL.pdf
 
Autoencoders for image_classification
Autoencoders for image_classificationAutoencoders for image_classification
Autoencoders for image_classification
 
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlowNeural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
 
Deep learning summary
Deep learning summaryDeep learning summary
Deep learning summary
 
Teach a neural network to read handwriting
Teach a neural network to read handwritingTeach a neural network to read handwriting
Teach a neural network to read handwriting
 
cnn.pdf
cnn.pdfcnn.pdf
cnn.pdf
 
CNN.pptx.pdf
CNN.pptx.pdfCNN.pptx.pdf
CNN.pptx.pdf
 
Feed forward back propogation algorithm .pptx
Feed forward back propogation algorithm .pptxFeed forward back propogation algorithm .pptx
Feed forward back propogation algorithm .pptx
 
Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0Tsinghua invited talk_zhou_xing_v2r0
Tsinghua invited talk_zhou_xing_v2r0
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
NVIDIA 深度學習教育機構 (DLI): Image segmentation with tensorflow
NVIDIA 深度學習教育機構 (DLI): Image segmentation with tensorflowNVIDIA 深度學習教育機構 (DLI): Image segmentation with tensorflow
NVIDIA 深度學習教育機構 (DLI): Image segmentation with tensorflow
 
DyCode Engineering - Machine Learning with TensorFlow
DyCode Engineering - Machine Learning with TensorFlowDyCode Engineering - Machine Learning with TensorFlow
DyCode Engineering - Machine Learning with TensorFlow
 
Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용Convolutional neural networks 이론과 응용
Convolutional neural networks 이론과 응용
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
 

Plus de Shuai Zhang

Plus de Shuai Zhang (7)

Introduction to Random Walk
Introduction to Random WalkIntroduction to Random Walk
Introduction to Random Walk
 
Learning group variational inference
Learning group  variational inferenceLearning group  variational inference
Learning group variational inference
 
Reading group nfm - 20170312
Reading group  nfm - 20170312Reading group  nfm - 20170312
Reading group nfm - 20170312
 
Talk@rmit 09112017
Talk@rmit 09112017Talk@rmit 09112017
Talk@rmit 09112017
 
Learning group em - 20171025 - copy
Learning group   em - 20171025 - copyLearning group   em - 20171025 - copy
Learning group em - 20171025 - copy
 
Learning group dssm - 20170605
Learning group   dssm - 20170605Learning group   dssm - 20170605
Learning group dssm - 20170605
 
Reading group gan - 20170417
Reading group   gan - 20170417Reading group   gan - 20170417
Reading group gan - 20170417
 

Dernier

Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
Joaquim Jorge
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
giselly40
 

Dernier (20)

Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
 
What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?What Are The Drone Anti-jamming Systems Technology?
What Are The Drone Anti-jamming Systems Technology?
 
A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024A Call to Action for Generative AI in 2024
A Call to Action for Generative AI in 2024
 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
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
 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
 
Exploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone ProcessorsExploring the Future Potential of AI-Enabled Smartphone Processors
Exploring the Future Potential of AI-Enabled Smartphone Processors
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024
 
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
 
Scaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organizationScaling API-first – The story of a global engineering organization
Scaling API-first – The story of a global engineering organization
 
[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
 
Automating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps ScriptAutomating Google Workspace (GWS) & more with Apps Script
Automating Google Workspace (GWS) & more with Apps Script
 
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...
 
GenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day PresentationGenCyber Cyber Security Day Presentation
GenCyber Cyber Security Day Presentation
 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
 
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
 
CNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of ServiceCNv6 Instructor Chapter 6 Quality of Service
CNv6 Instructor Chapter 6 Quality of Service
 
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...
 

Introduction to CNN

  • 1. Convolutional Neural Network School of Computer Sicience and Engineering
  • 2. 1. Introduction 2. Convolution 3. Relu 4. Pooling School of Computer Sicience and Engineering 3. Example by Tensorflow
  • 3. 1.1 Definition • CNN is a specualized kind of neural network for processing data thtat has a known, grid-like topology, such as time- series(1D grid), image data(2D grid), etc. • CNN is a supervised deep learning algorithm, it is used in various fields like speech recognition, image retrieval and face recognition. School of Computer Sicience and Engineering
  • 4. 1.1 Definition • ImageNet Classification with Deep Convolutional Neural Networks (Cited by 9538, NIPS 2012, Alex Krizhevsky, Ilya Sutskever, Geoffrey E. Hinton) • build a CNN, has 60 million parameters and 650,000 neurons, consists of five convolutional layers. • Typical CNN is a 5 layer architecture consist of convolution layer, pooling layer and classification layer. • Convolution layer: extract the unique features from the input image • Pooling layer: reduce the dimensionality • Generally CNN is trained using back-propagation algorithm School of Computer Sicience and Engineering
  • 5. 1.2 Motivation • MLP do not scale well • MLP ignore pixel correlation • MLP are not robust to image transformation School of Computer Sicience and Engineering multi-layer perceptron
  • 6. 2.1 Why Convolution ? • preserves the spatial relationship between pixels by learning image features using small squares of input data • detect small,meaningful features such as edges with kernels School of Computer Sicience and Engineering A 2D convolution example from deep learning book
  • 7. 2.2 Convolution Example School of Computer Sicience and Engineering input matrix kernel matrix
  • 8. 2.2 Convolution Example School of Computer Sicience and Engineering different filters can detect different features
  • 9. 2.2 Convolution Example School of Computer Sicience and Engineering The Convolution Operation
  • 10. 3 ReLU • Introducing the Non Linearity School of Computer Sicience and Engineering Other non linear functions such as tanh or sigmoid can also be used instead of ReLU, but ReLU has been found to perform better in most situations
  • 11. 4.1 Motivation of Pooling • Reduce dimensionality • In all cases, pooling helps to make the representation become approximately invariant to small translations of the input. • local translation can be a very useful property if we care more about whether some feature is present than exactly where it is. • Type of Pooling • Max(works better) • Average • Sum School of Computer Sicience and Engineering
  • 12. 4.2 Max Pooling School of Computer Sicience and Engineering
  • 13. 5 Example by Tensorflow School of Computer Sicience and Engineering 28 * 28
  • 14. 5 Example by Tensorflow School of Computer Sicience and Engineering
  • 15. 5 Example by Tensorflow School of Computer Sicience and Engineering • zero-padding the 28x28x1 image to 32x32x1 • applying 5x5x32 convolution to get 28x28x32 • max-pooling down to 14x14x32 zero- padding the 14x14x32 to 18x18x32 • applying 5x5x32x64 convolution to get 14x14x64 • max-pooling down to 7x7x64.
  • 16. 5 Example by Tensorflow School of Computer Sicience and Engineering
  • 17. Reference • http://ufldl.stanford.edu/tutorial/supervised/ConvolutionalNeuralNetwork • http://cs231n.github.io/convolutional-networks/ • https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/ • Deep Learning Book • http://www.slideshare.net/ssuser06e0c5/explanation-on-tensorflow- example-deep-mnist-for-expert • http://shuaizhang.tech/2016/12/08/Tensorflow%E6%95%99%E7%A8%8B2 -Deep-MNIST-Using-CNN/ School of Computer Sicience and Engineering
  • 18. School of Computer Sicience and Engineering

Notes de l'éditeur

  1. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  2. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  3. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  4. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  5. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  6. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  7. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  8. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  9. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  10. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)
  11. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  12. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  13. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  14. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  15. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  16. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  17. For example, when determining whether an image contains a face, we need not know the location of the eyes with pixel-perfect accuracy, we just need to know that there is an eye on the left side of the face and an eye on the right side of the face
  18. \hat{r} = u + b_u +b_i + p_u^T(q_i+\epsilon)