SlideShare a Scribd company logo
International Journal of Trend in Scientific Research and Development (IJTSRD)
Volume 5 Issue 4, May-June 2021 Available Online: www.ijtsrd.com e-ISSN: 2456 – 6470
@ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1385
Hand-Written Digit Classification
Souvik Banerjee1, Dr. A Rengarajan2
1School of CS & IT, 2Professor, School of CS & IT,
1,2Department of MCA, Jain University, Bangalore, Karnataka, India
ABSTRACT
Image classification is perhaps the most important part of digital image
analysis. In this paper, we compare the most widely used model CNN
(Convolutional Neural Network), and MLP (MultilayerPerceptron).Weaimto
show how both models differ andhowbothmodelsapproachtowardsthefinal
goal, which is image classification.
KEYWORDS: Image classification, Convolutional neural network (CNN),
Multilayer perceptron (MLP), Python, Pycharm, Tensorflow
How to cite this paper: Souvik Banerjee |
Dr. A Rengarajan "Hand-Written Digit
Classification"
Published in
International Journal
of Trend in Scientific
Research and
Development(ijtsrd),
ISSN: 2456-6470,
Volume-5 | Issue-4,
June 2021, pp.1385-1388, URL:
www.ijtsrd.com/papers/ijtsrd42444.pdf
Copyright © 2021 by author (s) and
International Journal ofTrendinScientific
Research and Development Journal. This
is an Open Access article distributed
under the terms of
the Creative
Commons Attribution
License (CC BY 4.0)
(http: //creativecommons.org/licenses/by/4.0)
INTRODUCTION
Image Classification is a fundamental task that attempts to
comprehend an entire image as a whole. The goal is to
classify the image by assigning it to a specificlabel.Typically,
Image Classification refers to images in which only one
object appears and is analyzed. One of the most popular
applications of image classification that we encounter daily
is personal photo organization. Image classification is
empowering the user experienceofphotoorganizationapps.
Besides offering photo storage, apps want to go a step
further by giving people better search and discovery
functions. Visual Search allows users to search for similar
images or products using a reference image they took with
their camera or downloaded from the internet.
Literature Review- CNN has been applied on the MNIST
dataset in order to observe the variation of accuracies for
handwritten digits.TheaccuraciesareobtainedusingTensor
flow in python. Training and validation accuracy for 15
different epochs were observed exchanging the hidden
layers for various combinations of convolution and hidden
layers by taking the batch size 100 for all the cases.[1]
In another case, the SVC with RBF kernel (SVC-rbf) gives the
highest accuracy but is extremely expensive in memory
space and computation. So, the target of future classifier
design is to match with the accuracy of SVC-rbf at low
complexity, via extracting more discriminatory features,
devising new classification/learning schemes, combining
multiple classifiers, etc.[2]
Previous work performed on simple digit images (Le Cun,
1989) showed that the architecture of the network strongly
influences the network's generalization ability. Good
generalization can only be obtained by designing a network
architecture that contains a certain amount of a priori
knowledge about the problem. The recognition is entirely
performed by a multi-layer network. All of the connections
in the network are adaptive, although heavily constrained,
and are trained using back-propagation. The input of the
network is a 16 by 16 normalized image and the output is
composed of 10 units: one per class. When a pattern
belonging to class i is presented, the desired output is +1 for
the i-th output unit, and -1 for the other output units. [3]
METHODOLOGY:
This section presents the research methodology
The problem statement here is using two different kinds of
Neural Networks to classify the same Dataset (MNIST
Dataset).
MNIST is a commonly used handwritten digit dataset
consisting of 60,000 images in the training set and 10,000
images in the test set. So, each digit has 6000 images in the
training set. The digits are size-normalized andcenteredina
fixed-size ( 28×28 ) image. The task is to train a machine
learning algorithm to recognize a new sample from the test
set correctly.
REQUIREMENT ANALYSIS
Main tool
The main tools that drive the project are Keras and
TensorFlow, as they provide the required models for the
Image Classification. PyCharm, an Integrated Development
Environment is used to write the Image Classifiers.
IJTSRD42444
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1386
Software Requirement
Tensor Flow: Tensor Flow is an end-to-end open source
platform for machine learning. It has a comprehensive,
flexible ecosystem of tools, libraries and community
resources that lets researchers push the state-of-the-art in
ML and developers easily build and deploy ML powered
applications.
Tools Used in detail:
1. PyCharm: PyCharm is an integrated development
environment used in computer programming,
specifically for the Python language. It is developed by
the Czech company JetBrains.
2. Python 3.8: Python is an interpreted, high-level and
general-purpose programming language.Inthisproject,
every code is in Python.
3. MatPlotLib: Used for Plotting images.
4. NumPy: Used for mathematical requirements.
5. MNIST Dataset: The dataset used to train the models.
Architecture & Working
Architecture - Multilayer Perceptron
A multilayer perceptron (MLP) is a class of feed forward
artificial neural networks (ANN). An MLP consists of at least
three layers of nodes: an input layer, a hidden layer and an
output layer. Except for the input nodes, each node is a
neuron that uses a nonlinear activation function. MLP
utilizes a supervised learning technique called back
propagation for training. Its multiple layers and non-linear
activation distinguish MLP from a linear perceptron. It can
distinguish data that is not linearly separable.
An MLP (or Artificial Neural Network - ANN) with a single
hidden layer can be represented graphically as follows:
Fig: 1
Formally, a one-hidden-layer MLP is a function
, where is the sizeofinputvector and
is the size of the output vector , such that, in matrix
notation:
with bias vectors , ; weight matrices ,
and activation functions and .
Disadvantages of MLP include toomany parametersbecause
it is fully connected. Parameter number = width x depth x
height. Each node is connected to another in a very dense
web — resulting in redundancy and inefficiency.
Architecture - Convolutional Neural Network
A convolutional neural network (CNN, or ConvNet) is a class
of deep neural networks, most commonly applied for
analysis of visual imagery. They are also known as shift
invariant or space invariant artificial neural networks
(SIANN), based on their shared-weights architecture and
translation invariance characteristics. CNNs are regularized
versions of multilayer perceptrons. Convolutional networks
were inspired by biological processesinthattheconnectivity
pattern between neurons resembles the organization of the
animal visual cortex. Individual cortical neurons respond to
stimuli only in a restricted regionofthevisual fieldknown as
the receptive field.
Convolution is a mathematical operationthat’susedinsingle
processing to filter signals, find patterns in signals etc. In a
convolutional layer, all neurons applyconvolutionoperation
to the inputs, hence they are called convolutional neurons.
The most important parameter in a convolutional neuron is
the filter size, let’s say we have a layer with filter size 5*5*3.
Also, assume that the input that’s fed to convolutional
neuron is an input image of size of 32*32 with 3 channels.
Let’s pick one 5*5*3(3 for number of channels in a colored
image) sized chunk from image and calculate
convolution(dot product) with our filter(w). This one
convolution operation will result in a single number as
output. We shall also add the bias(b) to this output.
In order to calculate the dot product, it’s mandatory for the
3rd dimension of the filter to be the same as the number of
channels in the input. i.e. when we calculate the dot product
it’s a matrix multiplication of 5*5*3 sized chunk with 5*5*3
sized filter.
We shall slide convolutional filters over the whole input
image to calculate this output across the image. In this case,
we slide our window by 1 pixel at a time. In some cases,
people slide the windows by more than 1 pixel. This number
is called stride.
If you concatenate all these outputs in 2D, we shall have an
output activation map of size 28*28(can you think of why
28*28 from 32*32 with the filter of 5*5 and stride of 1).
Typically, we use more than 1 filter in one convolutionlayer.
If we have 6 filters in our example, we shall haveanoutputof
size 28*28*6.
As you can see, after each convolution, the output reduces in
size (as in this case we are going from 32*32 to 28*28). In a
deep neural network with many layers, the output will
become very small this way, which doesn’t work very well.
So, it’s a standard practice to add zeros on the boundary of
the input layer such that the output is the same size as input
layer. So, in this example, if we add a padding of size 2 on
both sides of the input layer, the size of the output layer will
be 32*32*6 which works great from the implementation
purpose as well. Let’s say you have an inputofsizeN*N,filter
size is F, you are using S as stride and input is added with 0
pad of size P. Then, the output size will be:
(N-F+2P)/S +1
Training and Testing Dataset:
Training data shape: (60000, 28, 28) (60000,)
Testing data shape: (10000, 28, 28) (10000,)
Total number of outputs: 10
Output classes: [0 1 2 3 4 5 6 7 8 9]
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1387
Model Summary (MLP):
Model: "sequential"
Layer (type) Output Shape Param #
dense (Dense) (None, 512) 401920
dense_1 (Dense) (None, 512) 262656
dense_2 (Dense) (None, 10) 5130
Total params: 669,706
Trainable params: 669,706
Non-trainable params: 0
After training on the Dataset:
Evaluation result on Test Data: Loss = 0.7112800478935242, accuracy = 0.97079998254776
Loss curve
Loss curves are a standard actuarial technique for helping insurance companiesassesstheamountofreservecapital theyneed
to keep on hand to cover claims from a line of business. Claims made and reported for a given accounting period are tracked
separately over time.
Below is the loss curve of the above Model:
Fig. 2 Below image shows the model’s prediction on an image: Fig. 3
Training, Testing and Validation Dataset:
Train: Found 15000 images belonging to 10 classes.
Valid: Found 1000 images belonging to 10 classes.
Test: Found 500 images belonging to 10 classes.
Model Summary (CNN):
Model: "sequential"
Layer (type) Output Shape Param #
conv2d (Conv2D) (None, 28, 28, 32) 896
max_pooling2d (MaxPooling2D) (None, 14, 14, 32) 0
conv2d_1 (Conv2D) (None, 14, 14, 64) 18496
max_pooling2d_1 (MaxPooling2) (None, 7, 7, 64) 0
flatten (Flatten) (None, 3136) 0
dense (Dense) (None, 10) 31370
Total params: 50,762
Trainable params: 50,762
Non-trainable params: 0
After training on the dataset:
loss: 0.0195 - accuracy: 0.9939 - val_loss: 0.1851 -
val_accuracy: 0.9600
Test batch accuracy percentage: 0.979
Confusion Matrix:
A confusion matrix is a table that is often used to describe
the performance of a classification model (or "classifier")on
a set of test data for which the true values are known. The
International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470
@ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1388
confusion matrix itself is relativelysimpletounderstand,but
the related terminology can be confusing.
Below is the Confusion Matrix of the above Model:
Fig. 4
Conclusion:
After Going through all the above steps, I was able to make
two Image Classifiers both of which can correctly detect any
hand-written digit in 10ths place.
There can be a lot of future scope in this field, a lot of
features can be added to this like multi-character
identification, object identification, etc.
References:
[1] Fathma Siddique1# , Shadman Sakib2*,Md.AbuBakr
Siddique2$, 2019. Recognition of Handwritten Digit
using Convolutional Neural Network in Python with
Tensorflow and Comparison of Performance for
Various Hidden Layers, 2019 1 Department of CSE,
International University of Business Agriculture and
Technology, Dhaka 1230, Bangladesh, 2Departmentof
EEE, International University of Business Agriculture
and Technology, Dhaka 1230, Bangladesh.
[2] Cheng-Lin Liu∗, Kazuki Nakashima, Hiroshi Sako,
Hiromichi Fujisawa, 2003. Handwritten digit
recognition: benchmarking of state-of-the-art
techniques, Central Research Laboratory, Hitachi, Ltd.
1-280 Higashi-koigakubo, Kokubunji-shi, Tokyo 185-
8601, Japan.
[3] Y. Le Cun, B. Boser, J. S. Denker, D. Henderson, R. E.
Howard, W. Hubbard, and L. D. Jackel, 1990.
Handwritten Digit Recognition with a Back-
Propagation Network, AT&T Bell Laboratories,
Holmdel, N. J. 07733.

More Related Content

What's hot

Handwritten Digit Recognition and performance of various modelsation[autosaved]
Handwritten Digit Recognition and performance of various modelsation[autosaved]Handwritten Digit Recognition and performance of various modelsation[autosaved]
Handwritten Digit Recognition and performance of various modelsation[autosaved]
SubhradeepMaji
 
Artificial neural networks
Artificial neural networksArtificial neural networks
Artificial neural networksstellajoseph
 
Cnn
CnnCnn
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Suraj Aavula
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
Junho Cho
 
Dssg talk CNN intro
Dssg talk CNN introDssg talk CNN intro
Dssg talk CNN intro
Vincent Tatan
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
Richard Kuo
 
Artificial Neural Network(Artificial intelligence)
Artificial Neural Network(Artificial intelligence)Artificial Neural Network(Artificial intelligence)
Artificial Neural Network(Artificial intelligence)
spartacus131211
 
Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition report
Swayamdipta Saha
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
Ashray Bhandare
 
Enhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-ResolutionEnhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-Resolution
NAVER Engineering
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
Si Haem
 
Handwritten Digit Recognition
Handwritten Digit RecognitionHandwritten Digit Recognition
Handwritten Digit Recognition
ijtsrd
 
Meta learning with memory augmented neural network
Meta learning with memory augmented neural networkMeta learning with memory augmented neural network
Meta learning with memory augmented neural network
Katy Lee
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
Sungjoon Choi
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPT
RishabhTyagi48
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Basit Rafiq
 
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
SungminYou
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
Tianxiang Xiong
 

What's hot (20)

Handwritten Digit Recognition and performance of various modelsation[autosaved]
Handwritten Digit Recognition and performance of various modelsation[autosaved]Handwritten Digit Recognition and performance of various modelsation[autosaved]
Handwritten Digit Recognition and performance of various modelsation[autosaved]
 
Artificial neural networks
Artificial neural networksArtificial neural networks
Artificial neural networks
 
Cnn
CnnCnn
Cnn
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Convolutional Neural Network
Convolutional Neural NetworkConvolutional Neural Network
Convolutional Neural Network
 
Dssg talk CNN intro
Dssg talk CNN introDssg talk CNN intro
Dssg talk CNN intro
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
Artificial Neural Network(Artificial intelligence)
Artificial Neural Network(Artificial intelligence)Artificial Neural Network(Artificial intelligence)
Artificial Neural Network(Artificial intelligence)
 
Handwritten digits recognition report
Handwritten digits recognition reportHandwritten digits recognition report
Handwritten digits recognition report
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
 
Enhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-ResolutionEnhanced Deep Residual Networks for Single Image Super-Resolution
Enhanced Deep Residual Networks for Single Image Super-Resolution
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Handwritten Digit Recognition
Handwritten Digit RecognitionHandwritten Digit Recognition
Handwritten Digit Recognition
 
Meta learning with memory augmented neural network
Meta learning with memory augmented neural networkMeta learning with memory augmented neural network
Meta learning with memory augmented neural network
 
CNN Tutorial
CNN TutorialCNN Tutorial
CNN Tutorial
 
Handwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPTHandwritten Digit Recognition(Convolutional Neural Network) PPT
Handwritten Digit Recognition(Convolutional Neural Network) PPT
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
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
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
Convolutional Neural Networks
Convolutional Neural NetworksConvolutional Neural Networks
Convolutional Neural Networks
 

Similar to Hand Written Digit Classification

IRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural NetworkIRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural Network
IRJET Journal
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
IRJET Journal
 
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...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...
rinzindorjej
 
6119ijcsitce01
6119ijcsitce016119ijcsitce01
6119ijcsitce01
ijcsitcejournal
 
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...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...
rinzindorjej
 
F017533540
F017533540F017533540
F017533540
IOSR Journals
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
IRJET Journal
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET Journal
 
28 01-2021-05
28 01-2021-0528 01-2021-05
28 01-2021-05
AdemarAlves7
 
Efficient design of feedforward network for pattern classification
Efficient design of feedforward network for pattern classificationEfficient design of feedforward network for pattern classification
Efficient design of feedforward network for pattern classification
IOSR Journals
 
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
CSCJournals
 
A Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningA Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep Learning
IRJET Journal
 
A New Method for Figuring the Number of Hidden Layer Nodes in BP Algorithm
A New Method for Figuring the Number of Hidden Layer Nodes in BP AlgorithmA New Method for Figuring the Number of Hidden Layer Nodes in BP Algorithm
A New Method for Figuring the Number of Hidden Layer Nodes in BP Algorithm
rahulmonikasharma
 
Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...
IJECEIAES
 
HANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVM
HANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVMHANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVM
HANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVM
sipij
 
Handwritten Digit Recognition System based on CNN and SVM
Handwritten Digit Recognition System based on CNN and SVMHandwritten Digit Recognition System based on CNN and SVM
Handwritten Digit Recognition System based on CNN and SVM
sipij
 
Web Spam Classification Using Supervised Artificial Neural Network Algorithms
Web Spam Classification Using Supervised Artificial Neural Network AlgorithmsWeb Spam Classification Using Supervised Artificial Neural Network Algorithms
Web Spam Classification Using Supervised Artificial Neural Network Algorithms
aciijournal
 
11_Saloni Malhotra_SummerTraining_PPT.pptx
11_Saloni Malhotra_SummerTraining_PPT.pptx11_Saloni Malhotra_SummerTraining_PPT.pptx
11_Saloni Malhotra_SummerTraining_PPT.pptx
SaloniMalhotra23
 
Web spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithmsWeb spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithms
aciijournal
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
IRJET Journal
 

Similar to Hand Written Digit Classification (20)

IRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural NetworkIRJET-Breast Cancer Detection using Convolution Neural Network
IRJET-Breast Cancer Detection using Convolution Neural Network
 
Devanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural NetworkDevanagari Digit and Character Recognition Using Convolutional Neural Network
Devanagari Digit and Character Recognition Using Convolutional Neural Network
 
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...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...
 
6119ijcsitce01
6119ijcsitce016119ijcsitce01
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...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...
 
F017533540
F017533540F017533540
F017533540
 
Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)Plant Disease Detection using Convolution Neural Network (CNN)
Plant Disease Detection using Convolution Neural Network (CNN)
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
 
28 01-2021-05
28 01-2021-0528 01-2021-05
28 01-2021-05
 
Efficient design of feedforward network for pattern classification
Efficient design of feedforward network for pattern classificationEfficient design of feedforward network for pattern classification
Efficient design of feedforward network for pattern classification
 
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
Comparison Between Levenberg-Marquardt And Scaled Conjugate Gradient Training...
 
A Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep LearningA Survey on Image Processing using CNN in Deep Learning
A Survey on Image Processing using CNN in Deep Learning
 
A New Method for Figuring the Number of Hidden Layer Nodes in BP Algorithm
A New Method for Figuring the Number of Hidden Layer Nodes in BP AlgorithmA New Method for Figuring the Number of Hidden Layer Nodes in BP Algorithm
A New Method for Figuring the Number of Hidden Layer Nodes in BP Algorithm
 
Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...Machine learning based augmented reality for improved learning application th...
Machine learning based augmented reality for improved learning application th...
 
HANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVM
HANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVMHANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVM
HANDWRITTEN DIGIT RECOGNITION SYSTEM BASED ON CNN AND SVM
 
Handwritten Digit Recognition System based on CNN and SVM
Handwritten Digit Recognition System based on CNN and SVMHandwritten Digit Recognition System based on CNN and SVM
Handwritten Digit Recognition System based on CNN and SVM
 
Web Spam Classification Using Supervised Artificial Neural Network Algorithms
Web Spam Classification Using Supervised Artificial Neural Network AlgorithmsWeb Spam Classification Using Supervised Artificial Neural Network Algorithms
Web Spam Classification Using Supervised Artificial Neural Network Algorithms
 
11_Saloni Malhotra_SummerTraining_PPT.pptx
11_Saloni Malhotra_SummerTraining_PPT.pptx11_Saloni Malhotra_SummerTraining_PPT.pptx
11_Saloni Malhotra_SummerTraining_PPT.pptx
 
Web spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithmsWeb spam classification using supervised artificial neural network algorithms
Web spam classification using supervised artificial neural network algorithms
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
 

More from ijtsrd

‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation
ijtsrd
 
Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...
ijtsrd
 
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and ProspectsDynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
ijtsrd
 
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
ijtsrd
 
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
ijtsrd
 
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
ijtsrd
 
Problems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A StudyProblems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A Study
ijtsrd
 
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
ijtsrd
 
The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...
ijtsrd
 
A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...
ijtsrd
 
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
ijtsrd
 
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
ijtsrd
 
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. SadikuSustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
ijtsrd
 
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
ijtsrd
 
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
ijtsrd
 
Activating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment MapActivating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment Map
ijtsrd
 
Educational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger SocietyEducational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger Society
ijtsrd
 
Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...
ijtsrd
 
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
ijtsrd
 
Streamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine LearningStreamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine Learning
ijtsrd
 

More from ijtsrd (20)

‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation‘Six Sigma Technique’ A Journey Through its Implementation
‘Six Sigma Technique’ A Journey Through its Implementation
 
Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...Edge Computing in Space Enhancing Data Processing and Communication for Space...
Edge Computing in Space Enhancing Data Processing and Communication for Space...
 
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and ProspectsDynamics of Communal Politics in 21st Century India Challenges and Prospects
Dynamics of Communal Politics in 21st Century India Challenges and Prospects
 
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
Assess Perspective and Knowledge of Healthcare Providers Towards Elehealth in...
 
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...The Impact of Digital Media on the Decentralization of Power and the Erosion ...
The Impact of Digital Media on the Decentralization of Power and the Erosion ...
 
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
Online Voices, Offline Impact Ambedkars Ideals and Socio Political Inclusion ...
 
Problems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A StudyProblems and Challenges of Agro Entreprenurship A Study
Problems and Challenges of Agro Entreprenurship A Study
 
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
Comparative Analysis of Total Corporate Disclosure of Selected IT Companies o...
 
The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...The Impact of Educational Background and Professional Training on Human Right...
The Impact of Educational Background and Professional Training on Human Right...
 
A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...A Study on the Effective Teaching Learning Process in English Curriculum at t...
A Study on the Effective Teaching Learning Process in English Curriculum at t...
 
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
The Role of Mentoring and Its Influence on the Effectiveness of the Teaching ...
 
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
Design Simulation and Hardware Construction of an Arduino Microcontroller Bas...
 
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. SadikuSustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
Sustainable Energy by Paul A. Adekunte | Matthew N. O. Sadiku | Janet O. Sadiku
 
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
Concepts for Sudan Survey Act Implementations Executive Regulations and Stand...
 
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
Towards the Implementation of the Sudan Interpolated Geoid Model Khartoum Sta...
 
Activating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment MapActivating Geospatial Information for Sudans Sustainable Investment Map
Activating Geospatial Information for Sudans Sustainable Investment Map
 
Educational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger SocietyEducational Unity Embracing Diversity for a Stronger Society
Educational Unity Embracing Diversity for a Stronger Society
 
Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...Integration of Indian Indigenous Knowledge System in Management Prospects and...
Integration of Indian Indigenous Knowledge System in Management Prospects and...
 
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
DeepMask Transforming Face Mask Identification for Better Pandemic Control in...
 
Streamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine LearningStreamlining Data Collection eCRF Design and Machine Learning
Streamlining Data Collection eCRF Design and Machine Learning
 

Recently uploaded

CLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCE
CLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCECLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCE
CLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCE
BhavyaRajput3
 
Guidance_and_Counselling.pdf B.Ed. 4th Semester
Guidance_and_Counselling.pdf B.Ed. 4th SemesterGuidance_and_Counselling.pdf B.Ed. 4th Semester
Guidance_and_Counselling.pdf B.Ed. 4th Semester
Atul Kumar Singh
 
special B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdfspecial B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdf
Special education needs
 
BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...
BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...
BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...
Nguyen Thanh Tu Collection
 
Supporting (UKRI) OA monographs at Salford.pptx
Supporting (UKRI) OA monographs at Salford.pptxSupporting (UKRI) OA monographs at Salford.pptx
Supporting (UKRI) OA monographs at Salford.pptx
Jisc
 
The Challenger.pdf DNHS Official Publication
The Challenger.pdf DNHS Official PublicationThe Challenger.pdf DNHS Official Publication
The Challenger.pdf DNHS Official Publication
Delapenabediema
 
Palestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptxPalestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptx
RaedMohamed3
 
Chapter 3 - Islamic Banking Products and Services.pptx
Chapter 3 - Islamic Banking Products and Services.pptxChapter 3 - Islamic Banking Products and Services.pptx
Chapter 3 - Islamic Banking Products and Services.pptx
Mohd Adib Abd Muin, Senior Lecturer at Universiti Utara Malaysia
 
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
siemaillard
 
Unit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdfUnit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdf
Thiyagu K
 
Home assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdfHome assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdf
Tamralipta Mahavidyalaya
 
2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...
Sandy Millin
 
Unit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdfUnit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdf
Thiyagu K
 
The Accursed House by Émile Gaboriau.pptx
The Accursed House by Émile Gaboriau.pptxThe Accursed House by Émile Gaboriau.pptx
The Accursed House by Émile Gaboriau.pptx
DhatriParmar
 
How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17
Celine George
 
1.4 modern child centered education - mahatma gandhi-2.pptx
1.4 modern child centered education - mahatma gandhi-2.pptx1.4 modern child centered education - mahatma gandhi-2.pptx
1.4 modern child centered education - mahatma gandhi-2.pptx
JosvitaDsouza2
 
Operation Blue Star - Saka Neela Tara
Operation Blue Star   -  Saka Neela TaraOperation Blue Star   -  Saka Neela Tara
Operation Blue Star - Saka Neela Tara
Balvir Singh
 
Embracing GenAI - A Strategic Imperative
Embracing GenAI - A Strategic ImperativeEmbracing GenAI - A Strategic Imperative
Embracing GenAI - A Strategic Imperative
Peter Windle
 
"Protectable subject matters, Protection in biotechnology, Protection of othe...
"Protectable subject matters, Protection in biotechnology, Protection of othe..."Protectable subject matters, Protection in biotechnology, Protection of othe...
"Protectable subject matters, Protection in biotechnology, Protection of othe...
SACHIN R KONDAGURI
 
Digital Tools and AI for Teaching Learning and Research
Digital Tools and AI for Teaching Learning and ResearchDigital Tools and AI for Teaching Learning and Research
Digital Tools and AI for Teaching Learning and Research
Vikramjit Singh
 

Recently uploaded (20)

CLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCE
CLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCECLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCE
CLASS 11 CBSE B.St Project AIDS TO TRADE - INSURANCE
 
Guidance_and_Counselling.pdf B.Ed. 4th Semester
Guidance_and_Counselling.pdf B.Ed. 4th SemesterGuidance_and_Counselling.pdf B.Ed. 4th Semester
Guidance_and_Counselling.pdf B.Ed. 4th Semester
 
special B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdfspecial B.ed 2nd year old paper_20240531.pdf
special B.ed 2nd year old paper_20240531.pdf
 
BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...
BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...
BÀI TẬP BỔ TRỢ TIẾNG ANH GLOBAL SUCCESS LỚP 3 - CẢ NĂM (CÓ FILE NGHE VÀ ĐÁP Á...
 
Supporting (UKRI) OA monographs at Salford.pptx
Supporting (UKRI) OA monographs at Salford.pptxSupporting (UKRI) OA monographs at Salford.pptx
Supporting (UKRI) OA monographs at Salford.pptx
 
The Challenger.pdf DNHS Official Publication
The Challenger.pdf DNHS Official PublicationThe Challenger.pdf DNHS Official Publication
The Challenger.pdf DNHS Official Publication
 
Palestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptxPalestine last event orientationfvgnh .pptx
Palestine last event orientationfvgnh .pptx
 
Chapter 3 - Islamic Banking Products and Services.pptx
Chapter 3 - Islamic Banking Products and Services.pptxChapter 3 - Islamic Banking Products and Services.pptx
Chapter 3 - Islamic Banking Products and Services.pptx
 
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
aaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaaa
 
Unit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdfUnit 2- Research Aptitude (UGC NET Paper I).pdf
Unit 2- Research Aptitude (UGC NET Paper I).pdf
 
Home assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdfHome assignment II on Spectroscopy 2024 Answers.pdf
Home assignment II on Spectroscopy 2024 Answers.pdf
 
2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...2024.06.01 Introducing a competency framework for languag learning materials ...
2024.06.01 Introducing a competency framework for languag learning materials ...
 
Unit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdfUnit 8 - Information and Communication Technology (Paper I).pdf
Unit 8 - Information and Communication Technology (Paper I).pdf
 
The Accursed House by Émile Gaboriau.pptx
The Accursed House by Émile Gaboriau.pptxThe Accursed House by Émile Gaboriau.pptx
The Accursed House by Émile Gaboriau.pptx
 
How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17How to Make a Field invisible in Odoo 17
How to Make a Field invisible in Odoo 17
 
1.4 modern child centered education - mahatma gandhi-2.pptx
1.4 modern child centered education - mahatma gandhi-2.pptx1.4 modern child centered education - mahatma gandhi-2.pptx
1.4 modern child centered education - mahatma gandhi-2.pptx
 
Operation Blue Star - Saka Neela Tara
Operation Blue Star   -  Saka Neela TaraOperation Blue Star   -  Saka Neela Tara
Operation Blue Star - Saka Neela Tara
 
Embracing GenAI - A Strategic Imperative
Embracing GenAI - A Strategic ImperativeEmbracing GenAI - A Strategic Imperative
Embracing GenAI - A Strategic Imperative
 
"Protectable subject matters, Protection in biotechnology, Protection of othe...
"Protectable subject matters, Protection in biotechnology, Protection of othe..."Protectable subject matters, Protection in biotechnology, Protection of othe...
"Protectable subject matters, Protection in biotechnology, Protection of othe...
 
Digital Tools and AI for Teaching Learning and Research
Digital Tools and AI for Teaching Learning and ResearchDigital Tools and AI for Teaching Learning and Research
Digital Tools and AI for Teaching Learning and Research
 

Hand Written Digit Classification

  • 1. International Journal of Trend in Scientific Research and Development (IJTSRD) Volume 5 Issue 4, May-June 2021 Available Online: www.ijtsrd.com e-ISSN: 2456 – 6470 @ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1385 Hand-Written Digit Classification Souvik Banerjee1, Dr. A Rengarajan2 1School of CS & IT, 2Professor, School of CS & IT, 1,2Department of MCA, Jain University, Bangalore, Karnataka, India ABSTRACT Image classification is perhaps the most important part of digital image analysis. In this paper, we compare the most widely used model CNN (Convolutional Neural Network), and MLP (MultilayerPerceptron).Weaimto show how both models differ andhowbothmodelsapproachtowardsthefinal goal, which is image classification. KEYWORDS: Image classification, Convolutional neural network (CNN), Multilayer perceptron (MLP), Python, Pycharm, Tensorflow How to cite this paper: Souvik Banerjee | Dr. A Rengarajan "Hand-Written Digit Classification" Published in International Journal of Trend in Scientific Research and Development(ijtsrd), ISSN: 2456-6470, Volume-5 | Issue-4, June 2021, pp.1385-1388, URL: www.ijtsrd.com/papers/ijtsrd42444.pdf Copyright © 2021 by author (s) and International Journal ofTrendinScientific Research and Development Journal. This is an Open Access article distributed under the terms of the Creative Commons Attribution License (CC BY 4.0) (http: //creativecommons.org/licenses/by/4.0) INTRODUCTION Image Classification is a fundamental task that attempts to comprehend an entire image as a whole. The goal is to classify the image by assigning it to a specificlabel.Typically, Image Classification refers to images in which only one object appears and is analyzed. One of the most popular applications of image classification that we encounter daily is personal photo organization. Image classification is empowering the user experienceofphotoorganizationapps. Besides offering photo storage, apps want to go a step further by giving people better search and discovery functions. Visual Search allows users to search for similar images or products using a reference image they took with their camera or downloaded from the internet. Literature Review- CNN has been applied on the MNIST dataset in order to observe the variation of accuracies for handwritten digits.TheaccuraciesareobtainedusingTensor flow in python. Training and validation accuracy for 15 different epochs were observed exchanging the hidden layers for various combinations of convolution and hidden layers by taking the batch size 100 for all the cases.[1] In another case, the SVC with RBF kernel (SVC-rbf) gives the highest accuracy but is extremely expensive in memory space and computation. So, the target of future classifier design is to match with the accuracy of SVC-rbf at low complexity, via extracting more discriminatory features, devising new classification/learning schemes, combining multiple classifiers, etc.[2] Previous work performed on simple digit images (Le Cun, 1989) showed that the architecture of the network strongly influences the network's generalization ability. Good generalization can only be obtained by designing a network architecture that contains a certain amount of a priori knowledge about the problem. The recognition is entirely performed by a multi-layer network. All of the connections in the network are adaptive, although heavily constrained, and are trained using back-propagation. The input of the network is a 16 by 16 normalized image and the output is composed of 10 units: one per class. When a pattern belonging to class i is presented, the desired output is +1 for the i-th output unit, and -1 for the other output units. [3] METHODOLOGY: This section presents the research methodology The problem statement here is using two different kinds of Neural Networks to classify the same Dataset (MNIST Dataset). MNIST is a commonly used handwritten digit dataset consisting of 60,000 images in the training set and 10,000 images in the test set. So, each digit has 6000 images in the training set. The digits are size-normalized andcenteredina fixed-size ( 28×28 ) image. The task is to train a machine learning algorithm to recognize a new sample from the test set correctly. REQUIREMENT ANALYSIS Main tool The main tools that drive the project are Keras and TensorFlow, as they provide the required models for the Image Classification. PyCharm, an Integrated Development Environment is used to write the Image Classifiers. IJTSRD42444
  • 2. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1386 Software Requirement Tensor Flow: Tensor Flow is an end-to-end open source platform for machine learning. It has a comprehensive, flexible ecosystem of tools, libraries and community resources that lets researchers push the state-of-the-art in ML and developers easily build and deploy ML powered applications. Tools Used in detail: 1. PyCharm: PyCharm is an integrated development environment used in computer programming, specifically for the Python language. It is developed by the Czech company JetBrains. 2. Python 3.8: Python is an interpreted, high-level and general-purpose programming language.Inthisproject, every code is in Python. 3. MatPlotLib: Used for Plotting images. 4. NumPy: Used for mathematical requirements. 5. MNIST Dataset: The dataset used to train the models. Architecture & Working Architecture - Multilayer Perceptron A multilayer perceptron (MLP) is a class of feed forward artificial neural networks (ANN). An MLP consists of at least three layers of nodes: an input layer, a hidden layer and an output layer. Except for the input nodes, each node is a neuron that uses a nonlinear activation function. MLP utilizes a supervised learning technique called back propagation for training. Its multiple layers and non-linear activation distinguish MLP from a linear perceptron. It can distinguish data that is not linearly separable. An MLP (or Artificial Neural Network - ANN) with a single hidden layer can be represented graphically as follows: Fig: 1 Formally, a one-hidden-layer MLP is a function , where is the sizeofinputvector and is the size of the output vector , such that, in matrix notation: with bias vectors , ; weight matrices , and activation functions and . Disadvantages of MLP include toomany parametersbecause it is fully connected. Parameter number = width x depth x height. Each node is connected to another in a very dense web — resulting in redundancy and inefficiency. Architecture - Convolutional Neural Network A convolutional neural network (CNN, or ConvNet) is a class of deep neural networks, most commonly applied for analysis of visual imagery. They are also known as shift invariant or space invariant artificial neural networks (SIANN), based on their shared-weights architecture and translation invariance characteristics. CNNs are regularized versions of multilayer perceptrons. Convolutional networks were inspired by biological processesinthattheconnectivity pattern between neurons resembles the organization of the animal visual cortex. Individual cortical neurons respond to stimuli only in a restricted regionofthevisual fieldknown as the receptive field. Convolution is a mathematical operationthat’susedinsingle processing to filter signals, find patterns in signals etc. In a convolutional layer, all neurons applyconvolutionoperation to the inputs, hence they are called convolutional neurons. The most important parameter in a convolutional neuron is the filter size, let’s say we have a layer with filter size 5*5*3. Also, assume that the input that’s fed to convolutional neuron is an input image of size of 32*32 with 3 channels. Let’s pick one 5*5*3(3 for number of channels in a colored image) sized chunk from image and calculate convolution(dot product) with our filter(w). This one convolution operation will result in a single number as output. We shall also add the bias(b) to this output. In order to calculate the dot product, it’s mandatory for the 3rd dimension of the filter to be the same as the number of channels in the input. i.e. when we calculate the dot product it’s a matrix multiplication of 5*5*3 sized chunk with 5*5*3 sized filter. We shall slide convolutional filters over the whole input image to calculate this output across the image. In this case, we slide our window by 1 pixel at a time. In some cases, people slide the windows by more than 1 pixel. This number is called stride. If you concatenate all these outputs in 2D, we shall have an output activation map of size 28*28(can you think of why 28*28 from 32*32 with the filter of 5*5 and stride of 1). Typically, we use more than 1 filter in one convolutionlayer. If we have 6 filters in our example, we shall haveanoutputof size 28*28*6. As you can see, after each convolution, the output reduces in size (as in this case we are going from 32*32 to 28*28). In a deep neural network with many layers, the output will become very small this way, which doesn’t work very well. So, it’s a standard practice to add zeros on the boundary of the input layer such that the output is the same size as input layer. So, in this example, if we add a padding of size 2 on both sides of the input layer, the size of the output layer will be 32*32*6 which works great from the implementation purpose as well. Let’s say you have an inputofsizeN*N,filter size is F, you are using S as stride and input is added with 0 pad of size P. Then, the output size will be: (N-F+2P)/S +1 Training and Testing Dataset: Training data shape: (60000, 28, 28) (60000,) Testing data shape: (10000, 28, 28) (10000,) Total number of outputs: 10 Output classes: [0 1 2 3 4 5 6 7 8 9]
  • 3. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1387 Model Summary (MLP): Model: "sequential" Layer (type) Output Shape Param # dense (Dense) (None, 512) 401920 dense_1 (Dense) (None, 512) 262656 dense_2 (Dense) (None, 10) 5130 Total params: 669,706 Trainable params: 669,706 Non-trainable params: 0 After training on the Dataset: Evaluation result on Test Data: Loss = 0.7112800478935242, accuracy = 0.97079998254776 Loss curve Loss curves are a standard actuarial technique for helping insurance companiesassesstheamountofreservecapital theyneed to keep on hand to cover claims from a line of business. Claims made and reported for a given accounting period are tracked separately over time. Below is the loss curve of the above Model: Fig. 2 Below image shows the model’s prediction on an image: Fig. 3 Training, Testing and Validation Dataset: Train: Found 15000 images belonging to 10 classes. Valid: Found 1000 images belonging to 10 classes. Test: Found 500 images belonging to 10 classes. Model Summary (CNN): Model: "sequential" Layer (type) Output Shape Param # conv2d (Conv2D) (None, 28, 28, 32) 896 max_pooling2d (MaxPooling2D) (None, 14, 14, 32) 0 conv2d_1 (Conv2D) (None, 14, 14, 64) 18496 max_pooling2d_1 (MaxPooling2) (None, 7, 7, 64) 0 flatten (Flatten) (None, 3136) 0 dense (Dense) (None, 10) 31370 Total params: 50,762 Trainable params: 50,762 Non-trainable params: 0 After training on the dataset: loss: 0.0195 - accuracy: 0.9939 - val_loss: 0.1851 - val_accuracy: 0.9600 Test batch accuracy percentage: 0.979 Confusion Matrix: A confusion matrix is a table that is often used to describe the performance of a classification model (or "classifier")on a set of test data for which the true values are known. The
  • 4. International Journal of Trend in Scientific Research and Development (IJTSRD) @ www.ijtsrd.com eISSN: 2456-6470 @ IJTSRD | Unique Paper ID – IJTSRD42444 | Volume – 5 | Issue – 4 | May-June 2021 Page 1388 confusion matrix itself is relativelysimpletounderstand,but the related terminology can be confusing. Below is the Confusion Matrix of the above Model: Fig. 4 Conclusion: After Going through all the above steps, I was able to make two Image Classifiers both of which can correctly detect any hand-written digit in 10ths place. There can be a lot of future scope in this field, a lot of features can be added to this like multi-character identification, object identification, etc. References: [1] Fathma Siddique1# , Shadman Sakib2*,Md.AbuBakr Siddique2$, 2019. Recognition of Handwritten Digit using Convolutional Neural Network in Python with Tensorflow and Comparison of Performance for Various Hidden Layers, 2019 1 Department of CSE, International University of Business Agriculture and Technology, Dhaka 1230, Bangladesh, 2Departmentof EEE, International University of Business Agriculture and Technology, Dhaka 1230, Bangladesh. [2] Cheng-Lin Liu∗, Kazuki Nakashima, Hiroshi Sako, Hiromichi Fujisawa, 2003. Handwritten digit recognition: benchmarking of state-of-the-art techniques, Central Research Laboratory, Hitachi, Ltd. 1-280 Higashi-koigakubo, Kokubunji-shi, Tokyo 185- 8601, Japan. [3] Y. Le Cun, B. Boser, J. S. Denker, D. Henderson, R. E. Howard, W. Hubbard, and L. D. Jackel, 1990. Handwritten Digit Recognition with a Back- Propagation Network, AT&T Bell Laboratories, Holmdel, N. J. 07733.