0% found this document useful (0 votes)
3 views

ML Digit Classification Report

This project assesses the performance of five machine learning algorithms on the UCI Handwritten Digits dataset, which consists of 1,797 grayscale images of digits. The Random Forest model achieved the highest accuracy and F1-score, exceeding 96%, while various performance metrics were utilized for evaluation. Future work may focus on hyperparameter tuning and exploring deep learning methods for improved classification accuracy.

Uploaded by

prarit.work
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
3 views

ML Digit Classification Report

This project assesses the performance of five machine learning algorithms on the UCI Handwritten Digits dataset, which consists of 1,797 grayscale images of digits. The Random Forest model achieved the highest accuracy and F1-score, exceeding 96%, while various performance metrics were utilized for evaluation. Future work may focus on hyperparameter tuning and exploring deep learning methods for improved classification accuracy.

Uploaded by

prarit.work
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 2

Handwritten Digit Classification using

ML Models
Abstract:
This project evaluates the performance of five supervised learning algorithms—Logistic
Regression, K-Nearest Neighbors, Support Vector Machine, Decision Tree, and Random
Forest—on the UCI Handwritten Digits dataset. The dataset comprises 1,797 grayscale
images of handwritten digits (0-9), and the goal is to classify each image correctly. After
data normalization and train-test splitting, each model was trained and evaluated using
standard metrics including accuracy, precision, recall, and F1-score. A performance
comparison was visualized using bar plots and confusion matrices.

Keywords:
Handwritten Digit Classification, Supervised Learning, Model Comparison, Accuracy, UCI
Dataset

1. Introduction:
Handwritten digit recognition is a classic problem in pattern recognition and machine
learning. It has practical applications in postal mail sorting, bank check recognition, and
digitizing handwritten documents. This project uses the UCI Digits dataset to explore how
different machine learning algorithms perform on this classification task.

2. Proposed Methodology
The approach includes data normalization, train-test splitting, training multiple models, and
evaluating them using various performance metrics.

 a. Dataset:

The UCI Handwritten Digits dataset contains 1,797 8x8 images of digits. Each image is
represented by 64 numerical features.

 b. Preprocessing:

Images were normalized by dividing pixel values by 16.0. The dataset was split into training
(80%) and test (20%) sets with stratification.

 c. Models Used:
Five classification algorithms were evaluated:
- Logistic Regression
- K-Nearest Neighbors (KNN)
- Support Vector Machine (SVM)
- Decision Tree
- Random Forest

 d. Evaluation Metrics:

Accuracy, Precision, Recall, and F1-score were calculated using weighted averages. 5-fold
cross-validation was also performed.

3. Result & Discussion


Each model was evaluated on the test set, and confusion matrices were plotted. The
Random Forest classifier achieved the highest overall performance with accuracy and F1-
score both exceeding 96%. The visual comparison of model performance using bar charts
highlighted the trade-offs in different models' precision and recall values.

4. Conclusion & Future Work


In conclusion, Random Forest outperformed other models in terms of overall accuracy and
generalization. Future work could involve hyperparameter tuning, using ensemble methods,
or exploring deep learning-based architectures for even better accuracy.

References:
1. https://scikit-learn.org/stable/auto_examples/classification/
plot_digits_classification.html
2. https://archive.ics.uci.edu/ml/datasets/Optical+Recognition+of+Handwritten+Digits
3. https://en.wikipedia.org/wiki/Optical_character_recognition
4. https://scikit-learn.org/stable/modules/generated/
sklearn.linear_model.LogisticRegression.html
5. https://scikit-learn.org/stable/modules/generated/
sklearn.neighbors.KNeighborsClassifier.html
6. https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html
7. https://scikit-learn.org/stable/modules/generated/
sklearn.tree.DecisionTreeClassifier.html
8. https://scikit-learn.org/stable/modules/generated/
sklearn.ensemble.RandomForestClassifier.html
9. https://scikit-learn.org/stable/modules/model_evaluation.html
10. https://seaborn.pydata.org/generated/seaborn.heatmap.html

You might also like