SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3593
Handwritten Digit Classification using Machine Learning Models
Vidushi Garg
Student, Department of Information Technology, Maharaja Agrasen Institute of Technology, New Delhi, India
----------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - The rapid growth of new documents and
multimedia news has created new challenges in pattern
recognition and machine learning. The problem of
handwritten digit recognition has long been an open problem
in the field of pattern classification. Handwriting recognition
is one of the compelling research works going on because
every individual in this world has their own style of writing. It
is the capability of the computer to identify and understand
handwritten digits or characters automatically. The main
objective of this paper is to provide efficient and reliable
techniques for recognition of handwritten numerals by
comparing various classification models. MNIST dataset is
widely used for this recognition process and it has 70000
handwritten digits. This paper performs the analysis of
accuracies and performance measures of algorithms Support
Vector Classification model (SVC), Logistic Regression model
and Random Forest Classification model.
Key Words: Support Vector Classification Model(SVC),
Modified NationalInstituteofStandards and Technology
database(MNIST), Binarization, Logistic Regression
Model, Random Forest Classifier
1. INTRODUCTION
Handwritten digit recognition is an important problem in
optical character recognition, and it can be used as a test
case for theories of pattern recognition and machine
learning algorithms. To promote research of machine
learning and patternrecognition,several standarddatabases
have emerged. Handwriting recognition is one of the
compelling and fascinating works because every individual
in this world has their own style of writing. The main
difficulty of handwritten numerals recognitionistheserious
variance in size, translation, stroke thickness, rotation and
deformation of the numeral image because of handwritten
digits are written by different users and their writingstyleis
different from one user to another user.[2] In real-time
applications like the conversion of handwritten information
into digital format, postal code recognition, bank check
processing, verification of signatures, this recognition is
required.
This research aims to recognize the handwritten digits by
using tools from Machine Learning to train the classifiers, so
it produces a high recognition performance.TheMNISTdata
set is widely used for this recognition process. The MNIST
data set has 70,000 handwritten digits. Each image in this
data set is represented as an array of 28x28. The array has
784 pixels having values ranging from 0 to 255.[6] if the
pixel value is ‘0’ it indicates that the background is black and
if it is ‘1’ the background is white.
This study focuses on feature extraction and classification.
The performance of a classifier can rely as much on the
quality of the features as on the classifier itself. In this study,
we compare the performance of three different machine
learning classifiers for recognition of digits. The three
classifiers namelySupport VectorClassificationmodel (SVC),
LogisticRegression,andRandomForestClassificationmodel.
The main purpose of this research is to build a reliable
method for the recognition of handwritten digit strings. The
main contribution in this work is that Support Vector
Classification model gives the highest accuracy while
compared to the other classification models. Yet 100%
accuracy is something that is tobeachievedandtheresearch
is still actively going on in order to reduce the errorrate.The
accuracy and correctness are very crucial in handwritten
digit recognition applications. Even 1% error may lead to
inappropriate results in real-time applications.
2. RESEARCH METHODOLOGY
2.1 Description of the dataset
The MNIST dataset, a subset of a larger set NIST, is a
database of 70,000 handwritten digits, divided into 60,000
training examples and 10,000 testingsamples.Theimagesin
the MNIST dataset are present in form of an array consisting
of 28x28 values representing an image along with their
labels.[1] This is also the same in case of the testing images.
The gray level values of each pixel are coded in this work in
the [0,255] interval, using a 0 value for white pixels and 255
for black ones.
Table -1: Dataset
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3594
Fig -1: Digit 6 in 28x28 format in MNIST
2.2 Data Preprocessing
An important point for managing a high performance in the
learning process is the construction of a useful training set.
The 70000 different patterns contained in the MNIST
database can be seen as a rather generous set, but evidence
shows that the usual learning algorithms run into serious
trouble for about one hundred or more of the test set
samples. Therefore, some strategy is needed in order to
increase the training set cardinality and variability. Usual
actions comprise geometric transformations such as
displacements, rotation, scaling and other distortions.
The variables proposed in this paper to make handwritten
digit classification require images in binary level. The
binarization process assumes that images contain two
classes of pixel: the foreground (or white pixels, with
maximum intensity, i.e., equal to 1) and the background (or
black pixels with minimum intensity, i.e., equal to 0). The
goal of the method is to classify all pixels with values above
of the given threshold as white, and all other pixels as black.
That is, given a threshold value t and an image X with
pixels denoted as x(i, j), the binarized image Xb with
elements xb (i, j) is obtained as follows:
If x(i, j) > t xb (i, j ) = 1
Else xb (i, j) = 0
Then, the key problem in the binarizationishowto selectthe
correct threshold, t, for a given image. We observe that the
shape of any object in the image is sensitive to variations in
the threshold value, and even more sensitive in the case of
handwritten digit. Therefore, we consider that a binary
handwritten number is better recognized computationallyif
its trace is complete and continuous, this is the criterionthat
we use to the threshold, being its choice of crucial
importance.[3]
Fig -2: The same digit with different threshold value
2.3 Implementation
2.3.1 Logistic Regression Model
Logistic Regression is a Machine Learning classification
algorithm that is used to predict the probability of a
categorical dependent variable. In logistic regression, the
dependent variable is a binary variable that contains data
coded as 1 (yes, success, etc.) or 0 (no, failure, etc.). In other
words, the logistic regression model predicts P(Y=1) as a
function of X.
Fig -3: Logistic Regression Model
After that training set data is fed as input to the Logistic
Regression model so that the classifier gets trained. The
guessed label is matched with the original togettheaccuracy
of the trained classifier. Once the training is done, the testing
data is given to the classifier to predict the labels and testing
accuracy is obtained. The confusion matrix is generated
which gives the probability between the actual data and the
predicted data. Using the confusion matrix, the performance
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3595
measures like precision, recall and f1 scorecanbecalculated.
UsingLogistic Regression, anaccuracy of 88.97% is obtained
on test data.
Precision = TP/(TP+FP)
where TP = True Positive, FP = False Positive
Recall = TP/(TP+FN)
where FN = False Negative
F1score = 2*Precision+Recall/(Precission+Recall)
The confusion matrix obtained here isintheformofmatrixM
10x10 because it is a multi-class classification (0-9).
The below Table 2 is the confusion matrix obtained for the
trained data set using Logistic Regression Model.
Table -2: Confusion matrix using Logistic Regression
model
The below table 3 shows the precision, recall and f1 score
values obtained for the trained data set using the Logistic
Regression Model.
Table -3: Precision, Recall and F1 score for Logistic
Regression on trained dataset
The Test Data Set obtained accuracy of 88.97% using the
Logistic Regression on MNIST data set.
2.3.2 Random Forest Classifier
Random forest is a supervised learning algorithm. It can be
used both forclassification and regression. It is also the most
flexible and easy to use algorithm. A forest is comprised of
trees. It is said that the more trees it has, the more robust a
forest is. Random forests creates decision trees on randomly
selected data samples, gets prediction from each tree and
selects the best solution by means of voting.Italsoprovidesa
pretty good indicator of the feature importance.
Fig -4: Random Forest Classifier
Here also, the confusion matrix is obtained andprecisionand
recall values are computed.
Table 4: Confusion matrix using Random Forest Classifier
The above Table 4 shows the confusion matrix obtained for
the trained data set using the Random Forest Classifier.
The below table 5 shows the precision, recall and f1 score
values obtained for the trained data set using the Random
Forest Classifier.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3596
Table 5: Precision, Recall and F1 score for Random Forest
Classifier on trained dataset
The Test Data Set obtained accuracy of 96.3% using the
Random Forest Classifier on MNIST data set.
2.3.3 SupportVectorMachine(SVM)Classifierfordigit
recognition
Support Vector Machine is a supervised machine learning
technique whichisappliedforclassificationandregression.It
is nothing but the representation of the inputdataintopoints
in the space and mapped thus classifying them into classes.
The SVM classifies or separates the classes using the hyper-
plane concept.[9] The separation margin should be
equidistant from the classes.
Fig-5: Support Vector Machine Classifier
Here also, the confusion matrix is obtained andprecisionand
recall values are computed.
Table 6: Confusion matrix using Support Vector Machine
Classifier
The above Table 6 shows the confusion matrix obtained for
the trained data set using the Support Vector Machine
Classifier.
The below table 7 shows the precision, recall and f1 score
values obtained for the trained data set using the Support
Vector Machine Classifier.
Table 7: Precision, Recall and F1 score for Support Vector
Machine Classifier on trained dataset
The Test Data Set obtained accuracy of 98.3% using the
Random Forest Classifier on MNIST data set.
3. CONCLUSIONS
The accuracies of the algorithms Logistic Regression,
Random Forest Classifier and Support Vector Machine
Classifier are tabulated below in table 8.
Table 8: Data Accuracy of different models
Algorithm Data Accuracy
Logistic Regression 88.97%
Random Forest Classifier 96.3%
Support Vector Machine
Classifier
98.3%
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3597
Chart -1: Data accuracy chart of different models
It can be clearly observed that Support Vector Machine
Classifier has more accuracy compared to Logistic
Regression and Random Forest Classifier.
REFERENCES
[1] Wu, Ming & Zhang, Zhen. (2019)paper on
“Handwritten Digit Classification using the MNIST
Data Set”
[2] S M Shamim, Mohammad Badrul Alam Miah,
Angona Sarker, Masud Rana & Abdullah Al Jobair
paper on “Handwritten Digit Recognition using
Machine Learning Algorithms”
[3] Andrea Giuliodori, Rosa Lillo and Daniel Peña paper
on “HANDWRITTEN DIGIT CLASSIFICATION”
[4] Plamondon, R., & Srihari, S. N. Online and off-line
handwriting recognition: a comprehensive survey.
IEEE Transactions on Pattern AnalysisandMachine
Intelligence, 22(1), 63-84
[5] Liu, C. L., Yin, F., Wang, D. H., & Wang, Q. F. (2013).
Online and offline handwritten Chinese character
recognition benchmarking on new databases.
Pattern Recognition, 46(1), 155-162
[6] Handwritten Digit Recognition using Convolutional
Neural Networks in Python with Keras
[7] Al-Wzwazy, Haider& M Albehadili, Hayder&Alwan,
Younes& Islam, Naz& E Student, M &, Usa. (2016).
“HandwrittenDigitRecognitionUsingConvolutional
Neural Networks. International Journal of
Innovative Research in Computer and
Communication Engineering”
[8] AL-Mansoori, Saeed. (2015). “Intelligent
Handwritten Digit Recognition using Artificial
Neural Network”
[9] Meer Zohra, D.Rajeswara Rao paper on “A
Comprehensive Data Analysis on HandwrittenDigit
Recognition using Machine Learning” Approach by.
International Journal of Innovative Technologyand
Exploring Engineering (IJITEE) ISSN: 2278-3075,
Volume-8 Issue-6, April 2019

More Related Content

What's hot

A Review on Non Linear Dimensionality Reduction Techniques for Face Recognition
A Review on Non Linear Dimensionality Reduction Techniques for Face RecognitionA Review on Non Linear Dimensionality Reduction Techniques for Face Recognition
A Review on Non Linear Dimensionality Reduction Techniques for Face Recognitionrahulmonikasharma
 
A Bayesian approach to estimate probabilities in classification trees
A Bayesian approach to estimate probabilities in classification treesA Bayesian approach to estimate probabilities in classification trees
A Bayesian approach to estimate probabilities in classification treesNTNU
 
Feature selection in multimodal
Feature selection in multimodalFeature selection in multimodal
Feature selection in multimodalijcsa
 
Solving linear equations from an image using ann
Solving linear equations from an image using annSolving linear equations from an image using ann
Solving linear equations from an image using anneSAT Journals
 
A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...
A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...
A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...ijaia
 
Hypothesis on Different Data Mining Algorithms
Hypothesis on Different Data Mining AlgorithmsHypothesis on Different Data Mining Algorithms
Hypothesis on Different Data Mining AlgorithmsIJERA Editor
 
Decision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning AlgorithmDecision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning AlgorithmPalin analytics
 
IRJET- A Data Mining with Big Data Disease Prediction
IRJET-  	  A Data Mining with Big Data Disease PredictionIRJET-  	  A Data Mining with Big Data Disease Prediction
IRJET- A Data Mining with Big Data Disease PredictionIRJET Journal
 
2.8 accuracy and ensemble methods
2.8 accuracy and ensemble methods2.8 accuracy and ensemble methods
2.8 accuracy and ensemble methodsKrish_ver2
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATMIRJET Journal
 
Data Mining: Concepts and Techniques — Chapter 2 —
Data Mining:  Concepts and Techniques — Chapter 2 —Data Mining:  Concepts and Techniques — Chapter 2 —
Data Mining: Concepts and Techniques — Chapter 2 —Salah Amean
 
Understanding random forests
Understanding random forestsUnderstanding random forests
Understanding random forestsMarc Garcia
 
The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...
The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...
The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...ijaia
 
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...CSCJournals
 
2018 p 2019-ee-a2
2018 p 2019-ee-a22018 p 2019-ee-a2
2018 p 2019-ee-a2uetian12
 

What's hot (18)

A Review on Non Linear Dimensionality Reduction Techniques for Face Recognition
A Review on Non Linear Dimensionality Reduction Techniques for Face RecognitionA Review on Non Linear Dimensionality Reduction Techniques for Face Recognition
A Review on Non Linear Dimensionality Reduction Techniques for Face Recognition
 
A Bayesian approach to estimate probabilities in classification trees
A Bayesian approach to estimate probabilities in classification treesA Bayesian approach to estimate probabilities in classification trees
A Bayesian approach to estimate probabilities in classification trees
 
Feature selection in multimodal
Feature selection in multimodalFeature selection in multimodal
Feature selection in multimodal
 
Solving linear equations from an image using ann
Solving linear equations from an image using annSolving linear equations from an image using ann
Solving linear equations from an image using ann
 
A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...
A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...
A BI-OBJECTIVE MODEL FOR SVM WITH AN INTERACTIVE PROCEDURE TO IDENTIFY THE BE...
 
Hypothesis on Different Data Mining Algorithms
Hypothesis on Different Data Mining AlgorithmsHypothesis on Different Data Mining Algorithms
Hypothesis on Different Data Mining Algorithms
 
Decision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning AlgorithmDecision Trees for Classification: A Machine Learning Algorithm
Decision Trees for Classification: A Machine Learning Algorithm
 
IRJET- A Data Mining with Big Data Disease Prediction
IRJET-  	  A Data Mining with Big Data Disease PredictionIRJET-  	  A Data Mining with Big Data Disease Prediction
IRJET- A Data Mining with Big Data Disease Prediction
 
2.8 accuracy and ensemble methods
2.8 accuracy and ensemble methods2.8 accuracy and ensemble methods
2.8 accuracy and ensemble methods
 
IRJET - Finger Vein Extraction and Authentication System for ATM
IRJET -  	  Finger Vein Extraction and Authentication System for ATMIRJET -  	  Finger Vein Extraction and Authentication System for ATM
IRJET - Finger Vein Extraction and Authentication System for ATM
 
Random forest
Random forestRandom forest
Random forest
 
Data Mining: Concepts and Techniques — Chapter 2 —
Data Mining:  Concepts and Techniques — Chapter 2 —Data Mining:  Concepts and Techniques — Chapter 2 —
Data Mining: Concepts and Techniques — Chapter 2 —
 
Understanding random forests
Understanding random forestsUnderstanding random forests
Understanding random forests
 
The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...
The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...
The Application Of Bayes Ying-Yang Harmony Based Gmms In On-Line Signature Ve...
 
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
Multi-Dimensional Features Reduction of Consistency Subset Evaluator on Unsup...
 
Anirban part1
Anirban part1Anirban part1
Anirban part1
 
2018 p 2019-ee-a2
2018 p 2019-ee-a22018 p 2019-ee-a2
2018 p 2019-ee-a2
 
08 classbasic
08 classbasic08 classbasic
08 classbasic
 

Similar to IRJET-Handwritten Digit Classification using Machine Learning Models

IRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep LearningIRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep LearningIRJET Journal
 
A02610104
A02610104A02610104
A02610104theijes
 
Brain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector MachineBrain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector MachineIRJET Journal
 
AMAZON STOCK PRICE PREDICTION BY USING SMLT
AMAZON STOCK PRICE PREDICTION BY USING SMLTAMAZON STOCK PRICE PREDICTION BY USING SMLT
AMAZON STOCK PRICE PREDICTION BY USING SMLTIRJET Journal
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONIRJET Journal
 
IRJET- A Detailed Study on Classification Techniques for Data Mining
IRJET- A Detailed Study on Classification Techniques for Data MiningIRJET- A Detailed Study on Classification Techniques for Data Mining
IRJET- A Detailed Study on Classification Techniques for Data MiningIRJET Journal
 
IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...
IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...
IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...IRJET Journal
 
IRJET- Study and Evaluation of Classification Algorithms in Data Mining
IRJET- Study and Evaluation of Classification Algorithms in Data MiningIRJET- Study and Evaluation of Classification Algorithms in Data Mining
IRJET- Study and Evaluation of Classification Algorithms in Data MiningIRJET Journal
 
A Novel Algorithm for Design Tree Classification with PCA
A Novel Algorithm for Design Tree Classification with PCAA Novel Algorithm for Design Tree Classification with PCA
A Novel Algorithm for Design Tree Classification with PCAEditor Jacotech
 
COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...
COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...
COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...ijcsit
 
Water Quality Index Calculation of River Ganga using Decision Tree Algorithm
Water Quality Index Calculation of River Ganga using Decision Tree AlgorithmWater Quality Index Calculation of River Ganga using Decision Tree Algorithm
Water Quality Index Calculation of River Ganga using Decision Tree AlgorithmIRJET Journal
 
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...IRJET Journal
 
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...CSCJournals
 
IRJET - Stock Market Prediction using Machine Learning Algorithm
IRJET - Stock Market Prediction using Machine Learning AlgorithmIRJET - Stock Market Prediction using Machine Learning Algorithm
IRJET - Stock Market Prediction using Machine Learning AlgorithmIRJET Journal
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET Journal
 
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...IRJET Journal
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET Journal
 
Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...rahulmonikasharma
 
Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...rahulmonikasharma
 

Similar to IRJET-Handwritten Digit Classification using Machine Learning Models (20)

IRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep LearningIRJET - Skin Disease Predictor using Deep Learning
IRJET - Skin Disease Predictor using Deep Learning
 
A02610104
A02610104A02610104
A02610104
 
Brain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector MachineBrain Tumor Classification using Support Vector Machine
Brain Tumor Classification using Support Vector Machine
 
AMAZON STOCK PRICE PREDICTION BY USING SMLT
AMAZON STOCK PRICE PREDICTION BY USING SMLTAMAZON STOCK PRICE PREDICTION BY USING SMLT
AMAZON STOCK PRICE PREDICTION BY USING SMLT
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
 
IRJET- A Detailed Study on Classification Techniques for Data Mining
IRJET- A Detailed Study on Classification Techniques for Data MiningIRJET- A Detailed Study on Classification Techniques for Data Mining
IRJET- A Detailed Study on Classification Techniques for Data Mining
 
IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...
IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...
IRJET- Evaluation of Classification Algorithms with Solutions to Class Imbala...
 
IRJET- Study and Evaluation of Classification Algorithms in Data Mining
IRJET- Study and Evaluation of Classification Algorithms in Data MiningIRJET- Study and Evaluation of Classification Algorithms in Data Mining
IRJET- Study and Evaluation of Classification Algorithms in Data Mining
 
1376846406 14447221
1376846406  144472211376846406  14447221
1376846406 14447221
 
A Novel Algorithm for Design Tree Classification with PCA
A Novel Algorithm for Design Tree Classification with PCAA Novel Algorithm for Design Tree Classification with PCA
A Novel Algorithm for Design Tree Classification with PCA
 
COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...
COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...
COMPARISON OF WAVELET NETWORK AND LOGISTIC REGRESSION IN PREDICTING ENTERPRIS...
 
Water Quality Index Calculation of River Ganga using Decision Tree Algorithm
Water Quality Index Calculation of River Ganga using Decision Tree AlgorithmWater Quality Index Calculation of River Ganga using Decision Tree Algorithm
Water Quality Index Calculation of River Ganga using Decision Tree Algorithm
 
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...
 
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
Faster Training Algorithms in Neural Network Based Approach For Handwritten T...
 
IRJET - Stock Market Prediction using Machine Learning Algorithm
IRJET - Stock Market Prediction using Machine Learning AlgorithmIRJET - Stock Market Prediction using Machine Learning Algorithm
IRJET - Stock Market Prediction using Machine Learning Algorithm
 
IRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine LearningIRJET - Single Image Super Resolution using Machine Learning
IRJET - Single Image Super Resolution using Machine Learning
 
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
Machine Learning Algorithms for Image Classification of Hand Digits and Face ...
 
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
IRJET - Effective Workflow for High-Performance Recognition of Fruits using M...
 
Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...
 
Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...Authentic Patient Data and Optimization Process through Cryptographic Image o...
Authentic Patient Data and Optimization Process through Cryptographic Image o...
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZTE
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx959SahilShah
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2RajaP95
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
microprocessor 8085 and its interfacing
microprocessor 8085  and its interfacingmicroprocessor 8085  and its interfacing
microprocessor 8085 and its interfacingjaychoudhary37
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 

Recently uploaded (20)

ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
microprocessor 8085 and its interfacing
microprocessor 8085  and its interfacingmicroprocessor 8085  and its interfacing
microprocessor 8085 and its interfacing
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 

IRJET-Handwritten Digit Classification using Machine Learning Models

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3593 Handwritten Digit Classification using Machine Learning Models Vidushi Garg Student, Department of Information Technology, Maharaja Agrasen Institute of Technology, New Delhi, India ----------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - The rapid growth of new documents and multimedia news has created new challenges in pattern recognition and machine learning. The problem of handwritten digit recognition has long been an open problem in the field of pattern classification. Handwriting recognition is one of the compelling research works going on because every individual in this world has their own style of writing. It is the capability of the computer to identify and understand handwritten digits or characters automatically. The main objective of this paper is to provide efficient and reliable techniques for recognition of handwritten numerals by comparing various classification models. MNIST dataset is widely used for this recognition process and it has 70000 handwritten digits. This paper performs the analysis of accuracies and performance measures of algorithms Support Vector Classification model (SVC), Logistic Regression model and Random Forest Classification model. Key Words: Support Vector Classification Model(SVC), Modified NationalInstituteofStandards and Technology database(MNIST), Binarization, Logistic Regression Model, Random Forest Classifier 1. INTRODUCTION Handwritten digit recognition is an important problem in optical character recognition, and it can be used as a test case for theories of pattern recognition and machine learning algorithms. To promote research of machine learning and patternrecognition,several standarddatabases have emerged. Handwriting recognition is one of the compelling and fascinating works because every individual in this world has their own style of writing. The main difficulty of handwritten numerals recognitionistheserious variance in size, translation, stroke thickness, rotation and deformation of the numeral image because of handwritten digits are written by different users and their writingstyleis different from one user to another user.[2] In real-time applications like the conversion of handwritten information into digital format, postal code recognition, bank check processing, verification of signatures, this recognition is required. This research aims to recognize the handwritten digits by using tools from Machine Learning to train the classifiers, so it produces a high recognition performance.TheMNISTdata set is widely used for this recognition process. The MNIST data set has 70,000 handwritten digits. Each image in this data set is represented as an array of 28x28. The array has 784 pixels having values ranging from 0 to 255.[6] if the pixel value is ‘0’ it indicates that the background is black and if it is ‘1’ the background is white. This study focuses on feature extraction and classification. The performance of a classifier can rely as much on the quality of the features as on the classifier itself. In this study, we compare the performance of three different machine learning classifiers for recognition of digits. The three classifiers namelySupport VectorClassificationmodel (SVC), LogisticRegression,andRandomForestClassificationmodel. The main purpose of this research is to build a reliable method for the recognition of handwritten digit strings. The main contribution in this work is that Support Vector Classification model gives the highest accuracy while compared to the other classification models. Yet 100% accuracy is something that is tobeachievedandtheresearch is still actively going on in order to reduce the errorrate.The accuracy and correctness are very crucial in handwritten digit recognition applications. Even 1% error may lead to inappropriate results in real-time applications. 2. RESEARCH METHODOLOGY 2.1 Description of the dataset The MNIST dataset, a subset of a larger set NIST, is a database of 70,000 handwritten digits, divided into 60,000 training examples and 10,000 testingsamples.Theimagesin the MNIST dataset are present in form of an array consisting of 28x28 values representing an image along with their labels.[1] This is also the same in case of the testing images. The gray level values of each pixel are coded in this work in the [0,255] interval, using a 0 value for white pixels and 255 for black ones. Table -1: Dataset
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3594 Fig -1: Digit 6 in 28x28 format in MNIST 2.2 Data Preprocessing An important point for managing a high performance in the learning process is the construction of a useful training set. The 70000 different patterns contained in the MNIST database can be seen as a rather generous set, but evidence shows that the usual learning algorithms run into serious trouble for about one hundred or more of the test set samples. Therefore, some strategy is needed in order to increase the training set cardinality and variability. Usual actions comprise geometric transformations such as displacements, rotation, scaling and other distortions. The variables proposed in this paper to make handwritten digit classification require images in binary level. The binarization process assumes that images contain two classes of pixel: the foreground (or white pixels, with maximum intensity, i.e., equal to 1) and the background (or black pixels with minimum intensity, i.e., equal to 0). The goal of the method is to classify all pixels with values above of the given threshold as white, and all other pixels as black. That is, given a threshold value t and an image X with pixels denoted as x(i, j), the binarized image Xb with elements xb (i, j) is obtained as follows: If x(i, j) > t xb (i, j ) = 1 Else xb (i, j) = 0 Then, the key problem in the binarizationishowto selectthe correct threshold, t, for a given image. We observe that the shape of any object in the image is sensitive to variations in the threshold value, and even more sensitive in the case of handwritten digit. Therefore, we consider that a binary handwritten number is better recognized computationallyif its trace is complete and continuous, this is the criterionthat we use to the threshold, being its choice of crucial importance.[3] Fig -2: The same digit with different threshold value 2.3 Implementation 2.3.1 Logistic Regression Model Logistic Regression is a Machine Learning classification algorithm that is used to predict the probability of a categorical dependent variable. In logistic regression, the dependent variable is a binary variable that contains data coded as 1 (yes, success, etc.) or 0 (no, failure, etc.). In other words, the logistic regression model predicts P(Y=1) as a function of X. Fig -3: Logistic Regression Model After that training set data is fed as input to the Logistic Regression model so that the classifier gets trained. The guessed label is matched with the original togettheaccuracy of the trained classifier. Once the training is done, the testing data is given to the classifier to predict the labels and testing accuracy is obtained. The confusion matrix is generated which gives the probability between the actual data and the predicted data. Using the confusion matrix, the performance
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3595 measures like precision, recall and f1 scorecanbecalculated. UsingLogistic Regression, anaccuracy of 88.97% is obtained on test data. Precision = TP/(TP+FP) where TP = True Positive, FP = False Positive Recall = TP/(TP+FN) where FN = False Negative F1score = 2*Precision+Recall/(Precission+Recall) The confusion matrix obtained here isintheformofmatrixM 10x10 because it is a multi-class classification (0-9). The below Table 2 is the confusion matrix obtained for the trained data set using Logistic Regression Model. Table -2: Confusion matrix using Logistic Regression model The below table 3 shows the precision, recall and f1 score values obtained for the trained data set using the Logistic Regression Model. Table -3: Precision, Recall and F1 score for Logistic Regression on trained dataset The Test Data Set obtained accuracy of 88.97% using the Logistic Regression on MNIST data set. 2.3.2 Random Forest Classifier Random forest is a supervised learning algorithm. It can be used both forclassification and regression. It is also the most flexible and easy to use algorithm. A forest is comprised of trees. It is said that the more trees it has, the more robust a forest is. Random forests creates decision trees on randomly selected data samples, gets prediction from each tree and selects the best solution by means of voting.Italsoprovidesa pretty good indicator of the feature importance. Fig -4: Random Forest Classifier Here also, the confusion matrix is obtained andprecisionand recall values are computed. Table 4: Confusion matrix using Random Forest Classifier The above Table 4 shows the confusion matrix obtained for the trained data set using the Random Forest Classifier. The below table 5 shows the precision, recall and f1 score values obtained for the trained data set using the Random Forest Classifier.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3596 Table 5: Precision, Recall and F1 score for Random Forest Classifier on trained dataset The Test Data Set obtained accuracy of 96.3% using the Random Forest Classifier on MNIST data set. 2.3.3 SupportVectorMachine(SVM)Classifierfordigit recognition Support Vector Machine is a supervised machine learning technique whichisappliedforclassificationandregression.It is nothing but the representation of the inputdataintopoints in the space and mapped thus classifying them into classes. The SVM classifies or separates the classes using the hyper- plane concept.[9] The separation margin should be equidistant from the classes. Fig-5: Support Vector Machine Classifier Here also, the confusion matrix is obtained andprecisionand recall values are computed. Table 6: Confusion matrix using Support Vector Machine Classifier The above Table 6 shows the confusion matrix obtained for the trained data set using the Support Vector Machine Classifier. The below table 7 shows the precision, recall and f1 score values obtained for the trained data set using the Support Vector Machine Classifier. Table 7: Precision, Recall and F1 score for Support Vector Machine Classifier on trained dataset The Test Data Set obtained accuracy of 98.3% using the Random Forest Classifier on MNIST data set. 3. CONCLUSIONS The accuracies of the algorithms Logistic Regression, Random Forest Classifier and Support Vector Machine Classifier are tabulated below in table 8. Table 8: Data Accuracy of different models Algorithm Data Accuracy Logistic Regression 88.97% Random Forest Classifier 96.3% Support Vector Machine Classifier 98.3%
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 11 | Nov 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 3597 Chart -1: Data accuracy chart of different models It can be clearly observed that Support Vector Machine Classifier has more accuracy compared to Logistic Regression and Random Forest Classifier. REFERENCES [1] Wu, Ming & Zhang, Zhen. (2019)paper on “Handwritten Digit Classification using the MNIST Data Set” [2] S M Shamim, Mohammad Badrul Alam Miah, Angona Sarker, Masud Rana & Abdullah Al Jobair paper on “Handwritten Digit Recognition using Machine Learning Algorithms” [3] Andrea Giuliodori, Rosa Lillo and Daniel Peña paper on “HANDWRITTEN DIGIT CLASSIFICATION” [4] Plamondon, R., & Srihari, S. N. Online and off-line handwriting recognition: a comprehensive survey. IEEE Transactions on Pattern AnalysisandMachine Intelligence, 22(1), 63-84 [5] Liu, C. L., Yin, F., Wang, D. H., & Wang, Q. F. (2013). Online and offline handwritten Chinese character recognition benchmarking on new databases. Pattern Recognition, 46(1), 155-162 [6] Handwritten Digit Recognition using Convolutional Neural Networks in Python with Keras [7] Al-Wzwazy, Haider& M Albehadili, Hayder&Alwan, Younes& Islam, Naz& E Student, M &, Usa. (2016). “HandwrittenDigitRecognitionUsingConvolutional Neural Networks. International Journal of Innovative Research in Computer and Communication Engineering” [8] AL-Mansoori, Saeed. (2015). “Intelligent Handwritten Digit Recognition using Artificial Neural Network” [9] Meer Zohra, D.Rajeswara Rao paper on “A Comprehensive Data Analysis on HandwrittenDigit Recognition using Machine Learning” Approach by. International Journal of Innovative Technologyand Exploring Engineering (IJITEE) ISSN: 2278-3075, Volume-8 Issue-6, April 2019