All Projects → anujdutt9 → Handwritten Digit Recognition Using Deep Learning

anujdutt9 / Handwritten Digit Recognition Using Deep Learning

Licence: mit
Handwritten Digit Recognition using Machine Learning and Deep Learning

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Handwritten Digit Recognition Using Deep Learning

Feel The Kern
Generating proportional fonts with deep learning
Stars: ✭ 59 (-53.54%)
Mutual labels:  convolutional-neural-networks, theano
Graph 2d cnn
Code and data for the paper 'Classifying Graphs as Images with Convolutional Neural Networks' (new title: 'Graph Classification with 2D Convolutional Neural Networks')
Stars: ✭ 67 (-47.24%)
Mutual labels:  classification, convolutional-neural-networks
Pointcnn
PointCNN: Convolution On X-Transformed Points (NeurIPS 2018)
Stars: ✭ 1,120 (+781.89%)
Mutual labels:  classification, convolutional-neural-networks
Yann
This toolbox is support material for the book on CNN (http://www.convolution.network).
Stars: ✭ 41 (-67.72%)
Mutual labels:  convolutional-neural-networks, theano
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (-14.17%)
Mutual labels:  convolutional-neural-networks, theano
Yolo tensorflow
🚖 Object Detection (YOLOv1) implentation in tensorflow, with training, testing and video features.
Stars: ✭ 45 (-64.57%)
Mutual labels:  classification, convolutional-neural-networks
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-48.03%)
Mutual labels:  classification, convolutional-neural-networks
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (+563.78%)
Mutual labels:  classification, random-forest
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (-30.71%)
Mutual labels:  classification, convolutional-neural-networks
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+904.72%)
Mutual labels:  convolutional-neural-networks, random-forest
Constrained attention filter
(ECCV 2020) Tensorflow implementation of A Generic Visualization Approach for Convolutional Neural Networks
Stars: ✭ 36 (-71.65%)
Mutual labels:  classification, convolutional-neural-networks
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-2.36%)
Mutual labels:  convolutional-neural-networks, theano
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-75.59%)
Mutual labels:  classification, theano
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-5.51%)
Mutual labels:  classification, convolutional-neural-networks
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+5552.76%)
Mutual labels:  classification, convolutional-neural-networks
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-49.61%)
Mutual labels:  classification, convolutional-neural-networks
Skin Cancer Image Classification
Skin cancer classification using Inceptionv3
Stars: ✭ 16 (-87.4%)
Mutual labels:  classification, convolutional-neural-networks
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-82.68%)
Mutual labels:  classification, random-forest
Sporf
This is the implementation of Sparse Projection Oblique Randomer Forest
Stars: ✭ 70 (-44.88%)
Mutual labels:  classification, random-forest
Shiftresnet Cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
Stars: ✭ 112 (-11.81%)
Mutual labels:  classification, convolutional-neural-networks

Handwritten Digit Recognition using Machine Learning and Deep Learning

Published Paper

IJARCET-VOL-6-ISSUE-7-990-997

Requirements

  • Python 3.5 +
  • Scikit-Learn (latest version)
  • Numpy (+ mkl for Windows)
  • Matplotlib

Usage

1. Download the four MNIST dataset files from this link:

http://yann.lecun.com/exdb/mnist/

2. Unzip and place the files in the dataset folder inside the MNIST_Dataset_Loader folder under each ML Algorithm folder i.e :

KNN
|_ MNIST_Dataset_Loader
   |_ dataset
      |_ train-images-idx3-ubyte
      |_ train-labels-idx1-ubyte
      |_ t10k-images-idx3-ubyte
      |_ t10k-labels-idx1-ubyte

Do this for SVM and RFC folders and you should be good to go.

3. To run the code, navigate to one of the directories for which you want to run the code using command prompt:

cd 1. K Nearest Neighbors/

and then run the file "knn.py" as follows:

python knn.py

or

python3 knn.py

This will run the code and all the print statements will be logged into the "summary.log" file.

NOTE: If you want to see the output to print on the Command prompt, just comment out line 16, 17, 18, 106 and 107 and hence you will get all the prints on the screen.

Alternatively, you can also use PyCharm to run the code and run the ".py" file in there.

Repeat the steps for SVM and RFC code.

4. To run the CNN code, you don't need to provide in the MNIST dataset as it'll be downloaded automatically.

Just run the file as :

python CNN_MNIST.py

or

python3 CNN_MNIST.py

and it should run fine.

5. If you want to save the CNN model weights after training, run the code with the following arguments:

python CNN_MNIST.py --save_model 1 --save_weights cnn_weights.hdf5

or

python3 CNN_MNIST.py --save_model 1 --save_weights cnn_weights.hdf5

and it should save the model weights in the same directory.

6. To load the saved model weights and avoid the training time again, use the following command:

python CNN_MNIST.py --load_model 1 --save_weights cnn_weights.hdf5

or

python3 CNN_MNIST.py --load_model 1 --save_weights cnn_weights.hdf5

and it should load the model and show the Outputs.

Accuracy using Machine Learning Algorithms:

i) K Nearest Neighbors: 96.67%

ii) SVM: 97.91%

iii) Random Forest Classifier: 96.82%

Accuracy using Deep Neural Networks:

i) Three Layer Convolutional Neural Network using Tensorflow: 99.70%

ii) Three Layer Convolutional Neural Network using Keras and Theano: 98.75%

All code written in Python 3.5. Code executed on Intel Xeon Processor / AWS EC2 Server.

Video Link:

https://www.youtube.com/watch?v=7kpYpmw5FfE

Test Images Classification Output:

Output a1

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].