Open navigation menu
Close suggestions
Search
Search
en
Change Language
Upload
Sign in
Sign in
Download free for days
0 ratings
0% found this document useful (0 votes)
56 views
13 pages
CNN - Convolution Neural Network
CNN-concepts based on machine learning
Uploaded by
accelia.s
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content,
claim it here
.
Available Formats
Download as PDF or read online on Scribd
Download
Save
Save CNN - Convolution Neural Network For Later
Share
0%
0% found this document useful, undefined
0%
, undefined
Print
Embed
Report
0 ratings
0% found this document useful (0 votes)
56 views
13 pages
CNN - Convolution Neural Network
CNN-concepts based on machine learning
Uploaded by
accelia.s
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content,
claim it here
.
Available Formats
Download as PDF or read online on Scribd
Carousel Previous
Carousel Next
Download
Save
Save CNN - Convolution Neural Network For Later
Share
0%
0% found this document useful, undefined
0%
, undefined
Print
Embed
Report
Download
Save CNN - Convolution Neural Network For Later
You are on page 1
/ 13
Search
Fullscreen
9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: & Sumit Saha (Follow) ‘ Dec 15,2018 - 7minread - © Listen sve vy Om & A Comprehensive Guide to Convolutional Neural Networks — the ELI5 way 7 a8 FEATURE LEARNING CLASSIFICATION Artificial Intelligence has been witnessing a monumental growth in bridging the gap between the capabilities of humans and machines. Researchers and enthusiasts alike, work on numerous aspects of the field to make amazing things happen. One of many such areas is the domain of Computer Vision. The agenda for this field is to enable machines to view the world as humans do, perceive it in a similar manner and even use the knowledge for a multitude of tasks such as Image & Video recognition, Image Analysis & Classification, Media Recreation, Recommendation Systems, Natural Language Processing, etc. The advancements in Computer Vision with Deep Learning has been constructed and perfected with time, hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 na9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: es a Fully.Connected _—Fully.Connected NewalNetwert eval Network Con const Rel astvaton atin atten en (Sas)hera!—agausooing (805) 8eepepoatng vel easing fa vatid pading aa) oe - SQL Oe 1 t P— 7 > 1@ @2 aA +l . (ve): INPUT. ni channels ‘nl channels n2 channels n2 channels i 2) 9 (28% 28 x1) (24x24 01) (22 12xn1) (8x8xn2) (4x 4xnd) qm 13 units ACNN sequence to classify handwritten digits ‘A Convolutional Neural Network (ConvNet/CNN) is a Deep Learning algorithm which can take in an input image, assign importance (learnable weights and biases) to. various aspects/objects in the image and be able to differentiate one from the other. The pre-processing required in a ConvNet is much lower as compared to other classification algorithms. While in primitive methods filters are hand-engineered, with enough training, ConvNets have the ability to learn these filters/characteristics. The architecture of a ConvNet is analogous to that of the connectivity pattern of Neurons in the Human Brain and was inspired by the organization of the Visual Cortex. Individual neurons respond to stimuli only in a restricted region of the visual field known as the Receptive Field. A collection of such fields overlap to cover the entire visual area. Why ConvNets over Feed-Forward Neural Nets? hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 ana9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: 1a;1jo 4A)2/1 > o;2)1 Bi wlolR|y|ajolr Flattening of a 3x3 image matrix into a 9x1 vector ‘An image is nothing but a matrix of pixel values, right? So why not just flatten the image (e.g. 3x3 image matrix into a 9x1 vector) and feed it to a Multi-Level Perceptron for classification purposes? Uh.. not really. In cases of extremely basic binary images, the method might show an average precision score while performing prediction of classes but would have little to no accuracy when it comes to complex images having pixel dependencies throughout. A ConvNet is able to successfully capture the Spatial and Temporal dependencies in an image through the application of relevant filters. The architecture performs a better fitting to the image dataset due to the reduction in the number of parameters involved and reusability of weights. In other words, the network can be trained to understand the sophistication of the image better. Input Image hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 ana9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: Open in app Height: 4 Units (Pixels) —Ex_Ey Width: 4 Units (Pixels) 4x4x3 RGB Image In the figure, we have an RGB image which has been separated by its three color planes — Red, Green, and Blue. There are a number of such color spaces in which images exist — Grayscale, RGB, HSV, CMYK, ete. You can imagine how computationally intensive things would get once the images reach dimensions, say 8K (7680x4320). The role of the ConvNet is to reduce the images into a form which is easier to process, without losing features which are critical for getting a good prediction. This is important when we are to design an architecture which is not only good at learning features but also is scalable to massive datasets. Convolution Layer — The Kernel hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 ana9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: Openin app Convolved Feature Image Convoluting a 5x5x1 image with a 3x3x1 kernel to get a 3x3x1 convolved feature Image Dimensions = 5 (Height) x 5 (Breadth) x 1 (Number of channels, eg. RGB) In the above demonstration, the green section resembles our 5x5x1 input image, I. The element involved in carrying out the convolution operation in the first part of a Convolutional Layer is called the Kernel/Filter, K, represented in the color yellow. We have selected K as a 3x3x1 matrix. Kernel/Filter, K = 102 o 10 01 The Kernel shifts 9 times because of Stride Length = 1 (Non-Strided), every time performing a matrix multiplication operation between K and the portion P of the image over which the kernel is hovering. hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 ena9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: Q Q Openin app eight Movement of the Kernel ‘The filter moves to the right with a certain Stride Value till it parses the complete width. Moving on, it hops down to the beginning (left) of the image with the same Stride Value and repeats the process until the entire image is traversed. ‘7 [ase [aso] — | [0 [see] res] usa [wo [are] — aa [act | ace] — ¢ [wo |as [ass [ase [ase] — | [0 [aco |sca|acs [ase [am] — | | c | ase] ase [cz] ses] ase] — © | ae | sas [us [mn |e © [se] se | a | as | a © [iss [155 [asa [ae [aor © | ms | sas | an [sat | se © [x5] sa [am | us| se] — | [© alam [aa fam, Input Channel #1 (Red) Input Channel #2 (Green) Input Channel #3 (éive] a[olo a[a[a ifo[a Kermel Channel #1 Kernel Channel #2 Kernel Channel #3 1 1 1 Output 308 + 498 + 164 + s - Convolution operation on a MxNx3 image matrix with a 3x3x3 Kernel In the case of images with multiple channels (e.g. RGB), the Kernel has the same depth as that of the input image. Matrix Multiplication is performed between Kn and In stack (01 T1119 TO TKR TAN and all tha racnite ara crmmod with tha hiac tn aiva ne a hitpssltowardsdalascience.com/a-comprehensive-quide-to-convalutonalnauralnetworks-Ine-eli-way-20c201164a53 ena9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: Openin app Convolution Operation with Stride Length = 2 ‘The objective of the Convolution Operation is to extract the high-level features such as edges, from the input image. ConvNets need not be limited to only one Convolutional Layer. Conventionally, the first ConvLayer is responsible for capturing the Low-Level features such as edges, color, gradient orientation, etc. With added layers, the architecture adapts to the High-Level features as well, gi ing us a network which has the wholesome understanding of images in the dataset, similar to how we would. There are two types of results to the operation — one in which the convolved feature is reduced in dimensionality as compared to the input, and the other in which the dimensionality is either increased or remains the same. This is done by applying Valid Padding in case of the former, or Same Padding in the case of the latter. hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 ma9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: Q Q Openin app ‘SAME padding: 5x5x1 image is padded with Os to create a 6x6x1 image When we augment the 5x5x1 image into a 6x6x1 image and then apply the 3x3x1 kernel over it, we find that the convolved matrix turns out to be of dimensions 5x5x1. Hence the name — Same Padding. On the other hand, if we perform the same operation without padding, we are presented with a matrix which has dimensions of the Kernel (3x3x1) itself — Valid Padding. The following repository houses many such GIFs which would help you get a better understanding of how Padding and Stride Length work together to achieve results relevant to our needs. vdumoulin/conv_arithmetic Atechnical report on convolution arithmetic in the context of deep learning - vdumoulin/conv_arithmetic hitpsstowardsdatascience.com/a-comprehensive-quideto-convalutionalnauralnetworks-Ine-eliS-way-2bd201164a69 ana9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: Openin app ‘3x3 pooling over 5x5 convolved feature Similar to the Convolutional Layer, the Pooling layer is responsible for reducing the spatial size of the Convolved Feature. This is to decrease the computational power required to process the data through dimensionality reduction. Furthermore, it is useful for extracting dominant features which are rotational and positional invariant, thus maintaining the process of effectively training of the model. There are two types of Pooling: Max Pooling and Average Pooling. Max Pooling returns the maximum value from the portion of the image covered by the Kernel. On the other hand, Average Pooling returns the average of all the values from the portion of the image covered by the Kernel. Max Pooling also performs as a Noise Suppressant. It discards the noisy activations altogether and also performs de-noising along with dimensionality reduction. On the other hand, Average Pooling simply performs dimensionality reduction as a noise suppressing mechanism. Hence, we can say that Max Pooling performs a lot better than Average Pooling. hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 ona72822, 1101 AME ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Science: ‘Types of Pooling The Convolutional Layer and the Pooling Layer, together form the i-th layer of a Convolutional Neural Network. Depending on the complexities in the images, the number of such layers may be increased for capturing low-levels details even further, but at the cost of more computational power. After going through the above process, we have successfully enabled the model to. understand the features. Moving on, we are going to flatten the final output and feed it to a regular Neural Network for classification purposes. Classific: jon — Fully Connected Layer (FC Layer) hitpssltowardsdatascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bc201164a69 son9124122, 11:01AM ‘A Comprehensive Guide to Convolitional Neural Networks — the ELIS way [by Sumit Saha | Towards Data Selence: Openin app ‘Output Volume lanes Cain: 0 clase 2 BO > fe class 3 lass 4 ff O- Convolution — ‘Max Pool = z layer Stride 2 Cc Soft-max Layer Ret Activation Fo, Volurme-28x26x3 Ocod Fly connected Soft-Max ‘put Volume Flatten ayer Layer RoLU Activation Activation fn s2aad rn Adding a Fully-Connected layer is a (usually) cheap way of learning non-linear combinations of the high-level features as represented by the output of the convolutional layer. The Fully-Connected layer is learning a possibly nonlinear function in that space. Now that we have converted our input image into a suitable form for our Multi-Level Perceptron, we shall flatten the image into a column vector. The flattened output is fed to a feed-forward neural network and backpropagation applied to every iteration of training. Over a series of epochs, the model is able to distinguish between dominating and certain low-level features in images and classify them using the Softmax Classification technique. ‘There are various architectures of CNNs available which have been key in building algorithms which power and shall power Al as a whole in the foreseeable future. Some of them have been listed below: 1. LeNet 2. AlexNet hitpssltowardsdalascience.com/a-comprehensive-quide-to-convaluionalnauralnetworks-Ine-eliS-way-2bd201164a69 nna72822, 1101 AME [A Comprehensive Guide to Convoltonal Neural Networks — th ELIS way [by Sumit Saha | Towards Data Science on cnninee (Saami) D. KESINEL 6. ZFNet GitHub Notebook — Recognising Hand Written Digits using MNIST Dataset with TensorFlow ss-is-master-chief/MNIST-Digit.Recognizer-CNNs Implementation of CNN to recognize hand written digits (MNIST) running for 10 epochs. Accuracy: 98.99% github.com Sign up for The Variable By Towards Data Science Every Thursday, the Variable delivers the very best of Towards Data Science: from hands-on tutorials and cutting-edge research to original features you don't want to miss. Take a look, By signing up, you will create a Medium account ityou dont already have one, Review ‘our Privacy Policy for more information about our privacy practices. ST (s Getthisnewsltter ) hitpssltowardsdatascience.com/a-comprehensive-quide-to-convalutional-nauralnetworks-Ine-eliS-way-2bd201164a59 vena72822, 1101 AME [A Comprehensive Guide to Convoltonal Neural Networks — th 15 way [by Sumit Saha | Towards Data Science Cesc (omen wardsdatascience.com/a-comprehensive-qude-lo-convoluionalneural-networks-be-el-way-286201164a63 sana
You might also like
CNNS, Part 1: An Introduction To Convolutional Neural Networks
PDF
No ratings yet
CNNS, Part 1: An Introduction To Convolutional Neural Networks
17 pages
Introduction To Convolutional Neural Networks
PDF
No ratings yet
Introduction To Convolutional Neural Networks
41 pages
Understanding of Convolutional Neural Network (CNN) - Deep Learning
PDF
No ratings yet
Understanding of Convolutional Neural Network (CNN) - Deep Learning
7 pages
What Is Convolutional Neural Network
PDF
No ratings yet
What Is Convolutional Neural Network
16 pages
CH 9
PDF
No ratings yet
CH 9
41 pages
Guide Convolutional Neural Network CNN
PDF
100% (1)
Guide Convolutional Neural Network CNN
25 pages
Understanding of Convolutional Neural Network (CNN) - Deep Learning
PDF
No ratings yet
Understanding of Convolutional Neural Network (CNN) - Deep Learning
9 pages
Convolutional Neural Networks
PDF
No ratings yet
Convolutional Neural Networks
13 pages
A Beginner's Guide To Understanding Convolutional Neural Networks Part 1 - Adit Deshpande - CS Under
PDF
100% (1)
A Beginner's Guide To Understanding Convolutional Neural Networks Part 1 - Adit Deshpande - CS Under
14 pages
Convolutional Neuralnetworks: Abin - Roozgard
PDF
No ratings yet
Convolutional Neuralnetworks: Abin - Roozgard
54 pages
Convolutional Neural Networks: 1 Convolution
PDF
No ratings yet
Convolutional Neural Networks: 1 Convolution
2 pages
Theory of CNN (Convolutional Neural Network)
PDF
No ratings yet
Theory of CNN (Convolutional Neural Network)
4 pages
Ch3 CNN
PDF
No ratings yet
Ch3 CNN
64 pages
Convolutional Neural Networks Notes
PDF
No ratings yet
Convolutional Neural Networks Notes
29 pages
Convolutional Neural Network
PDF
No ratings yet
Convolutional Neural Network
9 pages
Convolution Neural Networks U2
PDF
No ratings yet
Convolution Neural Networks U2
24 pages
DL Unit-4
PDF
No ratings yet
DL Unit-4
26 pages
Unit3 2023 NNDL
PDF
No ratings yet
Unit3 2023 NNDL
69 pages
CNN 1
PDF
No ratings yet
CNN 1
23 pages
FODL Unit-4
PDF
No ratings yet
FODL Unit-4
46 pages
Why Convolutions?: Till Now in MLP
PDF
No ratings yet
Why Convolutions?: Till Now in MLP
38 pages
CNN Course-Notes 365
PDF
No ratings yet
CNN Course-Notes 365
29 pages
Unit 1
PDF
No ratings yet
Unit 1
109 pages
DL Unit4
PDF
No ratings yet
DL Unit4
31 pages
DL6 - Convnets 4
PDF
No ratings yet
DL6 - Convnets 4
57 pages
Deep Learning
PDF
No ratings yet
Deep Learning
17 pages
Convolutional Neural Network (CNN)
PDF
No ratings yet
Convolutional Neural Network (CNN)
27 pages
NN 06
PDF
No ratings yet
NN 06
18 pages
4a Convolutional Neural Networks
PDF
No ratings yet
4a Convolutional Neural Networks
56 pages
The Math Behind Convolutional Neural Networks - Towards Data Science
PDF
No ratings yet
The Math Behind Convolutional Neural Networks - Towards Data Science
37 pages
Scan 30 Sep 23 18 20 44
PDF
No ratings yet
Scan 30 Sep 23 18 20 44
30 pages
Deep Learning
PDF
No ratings yet
Deep Learning
21 pages
ANN Unit 4
PDF
No ratings yet
ANN Unit 4
66 pages
Convolutional Neural Networks. Before Kickstarting Into CNNs We Must - by Namita - Medium
PDF
No ratings yet
Convolutional Neural Networks. Before Kickstarting Into CNNs We Must - by Namita - Medium
13 pages
CNN
PDF
No ratings yet
CNN
10 pages
A Guide To Convolutional Neural Networks - The ELI5 Way - Saturn Cloud Blog
PDF
No ratings yet
A Guide To Convolutional Neural Networks - The ELI5 Way - Saturn Cloud Blog
10 pages
Unit 2 CNN
PDF
No ratings yet
Unit 2 CNN
9 pages
Introduction To CNNs
PDF
No ratings yet
Introduction To CNNs
26 pages
Unit 3
PDF
No ratings yet
Unit 3
80 pages
DSA5102 Lecture5
PDF
No ratings yet
DSA5102 Lecture5
45 pages
A Comprehensive Guide To Convolutional Neural Networks - The ELI5 Way - by Sumit Saha - Towards Data Science
PDF
No ratings yet
A Comprehensive Guide To Convolutional Neural Networks - The ELI5 Way - by Sumit Saha - Towards Data Science
18 pages
Images, Neural Networks, CNNs
PDF
No ratings yet
Images, Neural Networks, CNNs
26 pages
Week6 - Intro To Convolutional Neural Networks
PDF
No ratings yet
Week6 - Intro To Convolutional Neural Networks
25 pages
Convolutional Neural Network
PDF
No ratings yet
Convolutional Neural Network
11 pages
Convolution Neural Networks: S. Sumitra Department of Mathematics Indian Institute of Space Science and Technology
PDF
No ratings yet
Convolution Neural Networks: S. Sumitra Department of Mathematics Indian Institute of Space Science and Technology
123 pages
Convolutional Neural Networks - Deeplearning-Notes
PDF
No ratings yet
Convolutional Neural Networks - Deeplearning-Notes
43 pages
Unit 3
PDF
No ratings yet
Unit 3
105 pages
Convolutional Neural Networks
PDF
No ratings yet
Convolutional Neural Networks
108 pages
CNN 1
PDF
No ratings yet
CNN 1
9 pages
3.4. A Comprehensive Guide To Convolutional Neural Networks - The ELI5 Way - by Sumit Saha - Towards Data Science
PDF
No ratings yet
3.4. A Comprehensive Guide To Convolutional Neural Networks - The ELI5 Way - by Sumit Saha - Towards Data Science
17 pages
RNN - Recurrent Neural Networks
PDF
No ratings yet
RNN - Recurrent Neural Networks
20 pages
Module 3 Notes
PDF
No ratings yet
Module 3 Notes
22 pages
Neural Networks
PDF
No ratings yet
Neural Networks
21 pages
U4-Naive Bayes Algorithm
PDF
No ratings yet
U4-Naive Bayes Algorithm
5 pages
Liu 2018 J. Phys. Conf. Ser. 1087 062032
PDF
No ratings yet
Liu 2018 J. Phys. Conf. Ser. 1087 062032
8 pages
Convolutional Neural Networks - Part 1
PDF
No ratings yet
Convolutional Neural Networks - Part 1
44 pages
Convolutional Neural Network
PDF
No ratings yet
Convolutional Neural Network
95 pages
Unit Iii Deep Learning
PDF
No ratings yet
Unit Iii Deep Learning
31 pages
An Introduction To Convolutional Neural Networks - A Comprehensive Guide To CNNs in Deep Learning - DataCamp
PDF
No ratings yet
An Introduction To Convolutional Neural Networks - A Comprehensive Guide To CNNs in Deep Learning - DataCamp
14 pages
E-Note 33951 Content Document 20250328020322PM
PDF
No ratings yet
E-Note 33951 Content Document 20250328020322PM
29 pages
Convolutional Networks
PDF
No ratings yet
Convolutional Networks
37 pages
Aiml Ece Unit-5
PDF
No ratings yet
Aiml Ece Unit-5
48 pages
Module5 ML
PDF
No ratings yet
Module5 ML
112 pages
UIUX CAT2 Key Answers
PDF
No ratings yet
UIUX CAT2 Key Answers
4 pages
Unit-3 UIUX
PDF
No ratings yet
Unit-3 UIUX
17 pages