Mnist report ppt

internship

Internship Report
On
“MNIST Handwritten Digit Classification Challenge”
Submitted by:
Raghunandan J
(ECK5441143C@eckovation.com)
Internship carried out at
“Eckovation”
Under the guidance of
Mr Ritesh Singh
Mentor,
Eckovation
1
Mr Priyanshu Pandey
Mentor,
Eckovation
2
Index
Sl. No Contents Page Number
1 Abstract 03
2 Introduction 04
3 Introduction(Contd) 05-06
4 Layers 07-17
5 Applications 18
3
Abstract
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, primarily over one
particular algorithm — a Convolutional Neural Network.
4
Introduction
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.
An example of a general convolutional neural network is shown
below….
It consists of the following layers:
● Input Image
● Convolution Layer - The Kernel
● Pooling Layer
● Padding layers
● Classification - Fully Connected Layer (FC)
5
Why ConvNets over Feed-Forward Neural Nets?
An image is nothing but a matrix of pixel values. 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? 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
6
number of parameters involved and reusability of weights. In
other words, the network can be trained to understand the
sophistication of the image better.
Explanation of each Layer
Input Image:
In the figure, we have an RGB image which has been separated
by its three color planes--Red, Green, Blue. There are a number
of such color spaces in which images exist-- Grayscale, RGB,
HSV, CMYK, etc.
7
For images reaching high dimensions such as 8K (7680×4320) ,
we can see that it gets very computationally intensive.
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.
Convolutional Layer - The Kernel
mage 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
8
9
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 =
1 0 1
0 1 0
1 0 1
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.
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.
10
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 ([K1, I1];
[K2, I2]; [K3, I3]) and all the results are summed with the bias
to give us a squashed one-depth channel Convoluted Feature
Output.
The objective of the Convolution Operation is to extract the
high-level featuressuch 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
11
orientation, etc. With added layers, the architecture adapts to
the High-Level features as well, giving 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.
12
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.
Pooling Layer
13
14
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 datathrough 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.
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.
Classification - Fully Connected Layer (FC)
15
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 non-linear 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.
16
17
There are various architectures of CNNs available which have been key in
building algorithms which power and shall power AI as a whole in the
foreseeable future. Some of them have been listed below:
1. LeNet
2. AlexNet
3. VGGNet
4. GoogLeNet
5. ResNet
6. ZFNet
Real world applications of artificial neural
networks:
Today most of the modern intelligent application uses ANN model as a
main approach to solve complicated problems. For example -the
direction feature of Google Maps, search for an image with Google
Images, the way we give voice instructions to Amazon Alexa, all these
products exploit artificial neural network model. Artificial neural
networks have broad applications in robotics, computer vision, pattern
recognition, natural language processing, self-driving cars and countless
other applications.
To sum up the blog we can say that neural networks are arguably that
technological development which has a good potential currently on the
18
horizon. And scientist are still working over it, discovering the
possibilities of this technology and we hope to see more advancement of
artificial neural network in the coming future.
---END---

Recomendados

Digit recognition using mnist database por
Digit recognition using mnist databaseDigit recognition using mnist database
Digit recognition using mnist databasebtandale
962 visualizações8 slides
MNIST and machine learning - presentation por
MNIST and machine learning - presentationMNIST and machine learning - presentation
MNIST and machine learning - presentationSteve Dias da Cruz
4.8K visualizações40 slides
Handwritten Digit Recognition(Convolutional Neural Network) PPT por
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTRishabhTyagi48
18.8K visualizações19 slides
Simultaneous Smoothing and Sharpening of Color Images por
Simultaneous Smoothing and Sharpening of Color ImagesSimultaneous Smoothing and Sharpening of Color Images
Simultaneous Smoothing and Sharpening of Color ImagesCristina Pérez Benito
8.8K visualizações39 slides
Image classification using cnn por
Image classification using cnnImage classification using cnn
Image classification using cnnSumeraHangi
719 visualizações22 slides
Automated Neural Image Caption Generator for Visually Impaired People por
Automated Neural Image Caption Generator for Visually Impaired PeopleAutomated Neural Image Caption Generator for Visually Impaired People
Automated Neural Image Caption Generator for Visually Impaired PeopleChristopher Mehdi Elamri
903 visualizações10 slides

Mais conteúdo relacionado

Mais procurados

CNN Machine learning DeepLearning por
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearningAbhishek Sharma
541 visualizações79 slides
Machine Learning - Convolutional Neural Network por
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkRichard Kuo
1K visualizações36 slides
Deep Learning - RNN and CNN por
Deep Learning - RNN and CNNDeep Learning - RNN and CNN
Deep Learning - RNN and CNNPradnya Saval
375 visualizações24 slides
CIFAR-10 por
CIFAR-10CIFAR-10
CIFAR-10satyam_madala
2K visualizações14 slides
Texture in image processing por
Texture in image processing Texture in image processing
Texture in image processing Anna Aquarian
16.1K visualizações12 slides
Object recognition of CIFAR - 10 por
Object recognition of CIFAR  - 10Object recognition of CIFAR  - 10
Object recognition of CIFAR - 10Ratul Alahy
1.1K visualizações27 slides

Mais procurados(20)

CNN Machine learning DeepLearning por Abhishek Sharma
CNN Machine learning DeepLearningCNN Machine learning DeepLearning
CNN Machine learning DeepLearning
Abhishek Sharma541 visualizações
Machine Learning - Convolutional Neural Network por Richard Kuo
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
Richard Kuo1K visualizações
Deep Learning - RNN and CNN por Pradnya Saval
Deep Learning - RNN and CNNDeep Learning - RNN and CNN
Deep Learning - RNN and CNN
Pradnya Saval375 visualizações
CIFAR-10 por satyam_madala
CIFAR-10CIFAR-10
CIFAR-10
satyam_madala2K visualizações
Texture in image processing por Anna Aquarian
Texture in image processing Texture in image processing
Texture in image processing
Anna Aquarian16.1K visualizações
Object recognition of CIFAR - 10 por Ratul Alahy
Object recognition of CIFAR  - 10Object recognition of CIFAR  - 10
Object recognition of CIFAR - 10
Ratul Alahy1.1K visualizações
Object classification using CNN & VGG16 Model (Keras and Tensorflow) por Lalit Jain
Object classification using CNN & VGG16 Model (Keras and Tensorflow) Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Lalit Jain6.5K visualizações
Data Augmentation por Md Tajul Islam
Data AugmentationData Augmentation
Data Augmentation
Md Tajul Islam804 visualizações
Brain Tumor Detection Using Image Processing por Sinbad Konick
Brain Tumor Detection Using Image ProcessingBrain Tumor Detection Using Image Processing
Brain Tumor Detection Using Image Processing
Sinbad Konick1.2K visualizações
Image classification using CNN por Noura Hussein
Image classification using CNNImage classification using CNN
Image classification using CNN
Noura Hussein5.3K visualizações
Human Emotion Recognition por Chaitanya Maddala
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
Chaitanya Maddala1.2K visualizações
Machine learning in image processing por Data Science Thailand
Machine learning in image processingMachine learning in image processing
Machine learning in image processing
Data Science Thailand11K visualizações
Digit recognition por btandale
Digit recognitionDigit recognition
Digit recognition
btandale4.3K visualizações
Convolutional neural network por MojammilHusain
Convolutional neural networkConvolutional neural network
Convolutional neural network
MojammilHusain1.1K visualizações
Image processing second unit Notes por AAKANKSHA JAIN
Image processing second unit NotesImage processing second unit Notes
Image processing second unit Notes
AAKANKSHA JAIN3.8K visualizações
Neural networks and deep learning por Jörgen Sandig
Neural networks and deep learningNeural networks and deep learning
Neural networks and deep learning
Jörgen Sandig7.9K visualizações
Emotion detection using cnn.pptx por RADO7900
Emotion detection using cnn.pptxEmotion detection using cnn.pptx
Emotion detection using cnn.pptx
RADO79001.9K visualizações
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present... por Edge AI and Vision Alliance
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
Edge AI and Vision Alliance792 visualizações

Similar a Mnist report ppt

Mnist report por
Mnist reportMnist report
Mnist reportRaghunandanJairam
148 visualizações18 slides
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ... por
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...IRJET Journal
5 visualizações5 slides
Review-image-segmentation-by-deep-learning por
Review-image-segmentation-by-deep-learningReview-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learningTrong-An Bui
166 visualizações37 slides
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report por
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_ReportSaptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_ReportSitakanta Mishra
172 visualizações6 slides
Cnn por
CnnCnn
Cnnrimshailyas1
72 visualizações31 slides
Deep Neural Network DNN.docx por
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docxjaffarbikat
3 visualizações5 slides

Similar a Mnist report ppt(20)

Mnist report por RaghunandanJairam
Mnist reportMnist report
Mnist report
RaghunandanJairam148 visualizações
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ... por IRJET Journal
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
A Pointing Gesture-based Signal to Text Communication System Using OpenCV in ...
IRJET Journal5 visualizações
Review-image-segmentation-by-deep-learning por Trong-An Bui
Review-image-segmentation-by-deep-learningReview-image-segmentation-by-deep-learning
Review-image-segmentation-by-deep-learning
Trong-An Bui166 visualizações
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report por Sitakanta Mishra
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_ReportSaptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Saptashwa_Mitra_Sitakanta_Mishra_Final_Project_Report
Sitakanta Mishra172 visualizações
Cnn por rimshailyas1
CnnCnn
Cnn
rimshailyas172 visualizações
Deep Neural Network DNN.docx por jaffarbikat
Deep Neural Network DNN.docxDeep Neural Network DNN.docx
Deep Neural Network DNN.docx
jaffarbikat3 visualizações
Conception_et_realisation_dun_site_Web_d.pdf por SofianeHassine2
Conception_et_realisation_dun_site_Web_d.pdfConception_et_realisation_dun_site_Web_d.pdf
Conception_et_realisation_dun_site_Web_d.pdf
SofianeHassine22 visualizações
Classification of Images Using CNN Model and its Variants por IRJET Journal
Classification of Images Using CNN Model and its VariantsClassification of Images Using CNN Model and its Variants
Classification of Images Using CNN Model and its Variants
IRJET Journal2 visualizações
Introduction to Convolutional Neural Networks por ParrotAI
Introduction to Convolutional Neural NetworksIntroduction to Convolutional Neural Networks
Introduction to Convolutional Neural Networks
ParrotAI512 visualizações
A survey on the layers of convolutional Neural Network por Sasanko Sekhar Gantayat
A survey on the layers of convolutional Neural NetworkA survey on the layers of convolutional Neural Network
A survey on the layers of convolutional Neural Network
Sasanko Sekhar Gantayat57 visualizações
RunPool: A Dynamic Pooling Layer for Convolution Neural Network por Putra Wanda
RunPool: A Dynamic Pooling Layer for Convolution Neural NetworkRunPool: A Dynamic Pooling Layer for Convolution Neural Network
RunPool: A Dynamic Pooling Layer for Convolution Neural Network
Putra Wanda58 visualizações
ImageNet Classification with Deep Convolutional Neural Networks por Willy Marroquin (WillyDevNET)
ImageNet Classification with Deep Convolutional Neural NetworksImageNet Classification with Deep Convolutional Neural Networks
ImageNet Classification with Deep Convolutional Neural Networks
Willy Marroquin (WillyDevNET)349 visualizações
International Journal of Computational Engineering Research(IJCER) por ijceronline
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
ijceronline375 visualizações
CNN.pptx por AbrarRana10
CNN.pptxCNN.pptx
CNN.pptx
AbrarRana1013 visualizações
M017427985 por IOSR Journals
M017427985M017427985
M017427985
IOSR Journals253 visualizações
Hand Written Digit Classification por ijtsrd
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classification
ijtsrd139 visualizações
International Journal of Computational Engineering Research(IJCER) por ijceronline
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
ijceronline501 visualizações
Handwritten Digit Recognition using Convolutional Neural Networks por IRJET Journal
Handwritten Digit Recognition using Convolutional Neural  NetworksHandwritten Digit Recognition using Convolutional Neural  Networks
Handwritten Digit Recognition using Convolutional Neural Networks
IRJET Journal522 visualizações
Deep Learning por Pierre de Lacaze
Deep LearningDeep Learning
Deep Learning
Pierre de Lacaze1.3K visualizações
Overview of Convolutional Neural Networks por ananth
Overview of Convolutional Neural NetworksOverview of Convolutional Neural Networks
Overview of Convolutional Neural Networks
ananth7.7K visualizações

Último

Special_edition_innovator_2023.pdf por
Special_edition_innovator_2023.pdfSpecial_edition_innovator_2023.pdf
Special_edition_innovator_2023.pdfWillDavies22
17 visualizações6 slides
iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas... por
iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas...iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas...
iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas...Bernd Ruecker
37 visualizações69 slides
PRODUCT LISTING.pptx por
PRODUCT LISTING.pptxPRODUCT LISTING.pptx
PRODUCT LISTING.pptxangelicacueva6
14 visualizações1 slide
virtual reality.pptx por
virtual reality.pptxvirtual reality.pptx
virtual reality.pptxG036GaikwadSnehal
11 visualizações15 slides
STPI OctaNE CoE Brochure.pdf por
STPI OctaNE CoE Brochure.pdfSTPI OctaNE CoE Brochure.pdf
STPI OctaNE CoE Brochure.pdfmadhurjyapb
14 visualizações1 slide
Case Study Copenhagen Energy and Business Central.pdf por
Case Study Copenhagen Energy and Business Central.pdfCase Study Copenhagen Energy and Business Central.pdf
Case Study Copenhagen Energy and Business Central.pdfAitana
16 visualizações3 slides

Último(20)

Special_edition_innovator_2023.pdf por WillDavies22
Special_edition_innovator_2023.pdfSpecial_edition_innovator_2023.pdf
Special_edition_innovator_2023.pdf
WillDavies2217 visualizações
iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas... por Bernd Ruecker
iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas...iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas...
iSAQB Software Architecture Gathering 2023: How Process Orchestration Increas...
Bernd Ruecker37 visualizações
PRODUCT LISTING.pptx por angelicacueva6
PRODUCT LISTING.pptxPRODUCT LISTING.pptx
PRODUCT LISTING.pptx
angelicacueva614 visualizações
virtual reality.pptx por G036GaikwadSnehal
virtual reality.pptxvirtual reality.pptx
virtual reality.pptx
G036GaikwadSnehal11 visualizações
STPI OctaNE CoE Brochure.pdf por madhurjyapb
STPI OctaNE CoE Brochure.pdfSTPI OctaNE CoE Brochure.pdf
STPI OctaNE CoE Brochure.pdf
madhurjyapb14 visualizações
Case Study Copenhagen Energy and Business Central.pdf por Aitana
Case Study Copenhagen Energy and Business Central.pdfCase Study Copenhagen Energy and Business Central.pdf
Case Study Copenhagen Energy and Business Central.pdf
Aitana16 visualizações
6g - REPORT.pdf por Liveplex
6g - REPORT.pdf6g - REPORT.pdf
6g - REPORT.pdf
Liveplex10 visualizações
SUPPLIER SOURCING.pptx por angelicacueva6
SUPPLIER SOURCING.pptxSUPPLIER SOURCING.pptx
SUPPLIER SOURCING.pptx
angelicacueva615 visualizações
Business Analyst Series 2023 - Week 3 Session 5 por DianaGray10
Business Analyst Series 2023 -  Week 3 Session 5Business Analyst Series 2023 -  Week 3 Session 5
Business Analyst Series 2023 - Week 3 Session 5
DianaGray10248 visualizações
Evolving the Network Automation Journey from Python to Platforms por Network Automation Forum
Evolving the Network Automation Journey from Python to PlatformsEvolving the Network Automation Journey from Python to Platforms
Evolving the Network Automation Journey from Python to Platforms
Network Automation Forum13 visualizações
MVP and prioritization.pdf por rahuldharwal141
MVP and prioritization.pdfMVP and prioritization.pdf
MVP and prioritization.pdf
rahuldharwal14131 visualizações
GDG Cloud Southlake 28 Brad Taylor and Shawn Augenstein Old Problems in the N... por James Anderson
GDG Cloud Southlake 28 Brad Taylor and Shawn Augenstein Old Problems in the N...GDG Cloud Southlake 28 Brad Taylor and Shawn Augenstein Old Problems in the N...
GDG Cloud Southlake 28 Brad Taylor and Shawn Augenstein Old Problems in the N...
James Anderson85 visualizações
【USB韌體設計課程】精選講義節錄-USB的列舉過程_艾鍗學院 por IttrainingIttraining
【USB韌體設計課程】精選講義節錄-USB的列舉過程_艾鍗學院【USB韌體設計課程】精選講義節錄-USB的列舉過程_艾鍗學院
【USB韌體設計課程】精選講義節錄-USB的列舉過程_艾鍗學院
IttrainingIttraining52 visualizações
Powerful Google developer tools for immediate impact! (2023-24) por wesley chun
Powerful Google developer tools for immediate impact! (2023-24)Powerful Google developer tools for immediate impact! (2023-24)
Powerful Google developer tools for immediate impact! (2023-24)
wesley chun10 visualizações
ESPC 2023 - Protect and Govern your Sensitive Data with Microsoft Purview in ... por Jasper Oosterveld
ESPC 2023 - Protect and Govern your Sensitive Data with Microsoft Purview in ...ESPC 2023 - Protect and Govern your Sensitive Data with Microsoft Purview in ...
ESPC 2023 - Protect and Govern your Sensitive Data with Microsoft Purview in ...
Jasper Oosterveld18 visualizações
Piloting & Scaling Successfully With Microsoft Viva por Richard Harbridge
Piloting & Scaling Successfully With Microsoft VivaPiloting & Scaling Successfully With Microsoft Viva
Piloting & Scaling Successfully With Microsoft Viva
Richard Harbridge12 visualizações
PRODUCT PRESENTATION.pptx por angelicacueva6
PRODUCT PRESENTATION.pptxPRODUCT PRESENTATION.pptx
PRODUCT PRESENTATION.pptx
angelicacueva614 visualizações
Info Session November 2023.pdf por AleksandraKoprivica4
Info Session November 2023.pdfInfo Session November 2023.pdf
Info Session November 2023.pdf
AleksandraKoprivica412 visualizações

Mnist report ppt

  • 1. Internship Report On “MNIST Handwritten Digit Classification Challenge” Submitted by: Raghunandan J (ECK5441143C@eckovation.com) Internship carried out at “Eckovation” Under the guidance of Mr Ritesh Singh Mentor, Eckovation 1 Mr Priyanshu Pandey Mentor, Eckovation
  • 2. 2 Index Sl. No Contents Page Number 1 Abstract 03 2 Introduction 04 3 Introduction(Contd) 05-06 4 Layers 07-17 5 Applications 18
  • 3. 3 Abstract 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, primarily over one particular algorithm — a Convolutional Neural Network.
  • 4. 4 Introduction 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.
  • 5. An example of a general convolutional neural network is shown below…. It consists of the following layers: ● Input Image ● Convolution Layer - The Kernel ● Pooling Layer ● Padding layers ● Classification - Fully Connected Layer (FC) 5
  • 6. Why ConvNets over Feed-Forward Neural Nets? An image is nothing but a matrix of pixel values. 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? 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 6
  • 7. number of parameters involved and reusability of weights. In other words, the network can be trained to understand the sophistication of the image better. Explanation of each Layer Input Image: In the figure, we have an RGB image which has been separated by its three color planes--Red, Green, Blue. There are a number of such color spaces in which images exist-- Grayscale, RGB, HSV, CMYK, etc. 7
  • 8. For images reaching high dimensions such as 8K (7680×4320) , we can see that it gets very computationally intensive. 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. Convolutional Layer - The Kernel mage 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 8
  • 9. 9 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 = 1 0 1 0 1 0 1 0 1 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.
  • 10. 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. 10
  • 11. 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 ([K1, I1]; [K2, I2]; [K3, I3]) and all the results are summed with the bias to give us a squashed one-depth channel Convoluted Feature Output. The objective of the Convolution Operation is to extract the high-level featuressuch 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 11
  • 12. orientation, etc. With added layers, the architecture adapts to the High-Level features as well, giving 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. 12
  • 13. 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. Pooling Layer 13
  • 14. 14 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 datathrough 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.
  • 15. 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. Classification - Fully Connected Layer (FC) 15
  • 16. 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 non-linear 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. 16
  • 17. 17 There are various architectures of CNNs available which have been key in building algorithms which power and shall power AI as a whole in the foreseeable future. Some of them have been listed below: 1. LeNet 2. AlexNet 3. VGGNet 4. GoogLeNet 5. ResNet 6. ZFNet Real world applications of artificial neural networks: Today most of the modern intelligent application uses ANN model as a main approach to solve complicated problems. For example -the direction feature of Google Maps, search for an image with Google Images, the way we give voice instructions to Amazon Alexa, all these products exploit artificial neural network model. Artificial neural networks have broad applications in robotics, computer vision, pattern recognition, natural language processing, self-driving cars and countless other applications. To sum up the blog we can say that neural networks are arguably that technological development which has a good potential currently on the
  • 18. 18 horizon. And scientist are still working over it, discovering the possibilities of this technology and we hope to see more advancement of artificial neural network in the coming future. ---END---