An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: digit-recognition-mnist

EbrahimAlwajih/TCS-LBCNN

This research aims to enhance the performance of LBP-based convolutional neural networks on the automatic recognition of bilingual handwriting.

Language: Lua - Size: 62.5 KB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

pelayo-felgueroso/mnist-paint-classifier

Train a CNN on MNIST and classify digits drawn in Paint

Language: Python - Size: 12.6 MB - Last synced at: 9 days ago - Pushed at: 16 days ago - Stars: 2 - Forks: 0

Subhranil2004/digits-in-ink

Digits-In-Ink, A Handwritten digit classification web app

Language: Jupyter Notebook - Size: 16.6 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

tiesen243/cnn-from-scratch

A Convolutional Neural Network to predict handwriting ditgit form image by MNIST datasets

Language: Jupyter Notebook - Size: 2.35 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Pranshu936/Handwritten-digit-prediction

A Flask web application that predicts handwritten digits. Users can either draw digits on a canvas or upload an image. The app uses a pre-trained machine learning model (e.g., MNIST) to make predictions. This project combines Flask, machine learning, and interactive web features for real-time digit recognition.

Language: Python - Size: 1010 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

husnainfareed/mnist-handwritten-digit-recognition

Keras Fully Connected Neural Network using Python for Digit Recognition

Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 12

aydinnyunus/DigitRecognizer

Recognize Digits

Language: Python - Size: 1000 Bytes - Last synced at: 16 days ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 5

cuixing158/DeeplearningPractice

Deep learning principle practice, based on MNIST hadwritten digit recognition

Language: MATLAB - Size: 2.96 MB - Last synced at: 16 days ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 4

shettysach/Kannada-Digit-Recognizer-v1

Using a Convolutional Neural Network (CNN) to identify the Kannada numerical digits. Tensorflow (Keras) is used to create, train and load the neural network model. CustomTKinter/TKinter are used to provide the GUI and OpenCV is used to read input form the GUI.

Language: Jupyter Notebook - Size: 3.28 MB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

l2md3v/digit-recognition

A Convolutional Neural Network to predict handwriting ditgit form image by MNIST datasets

Language: Jupyter Notebook - Size: 134 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

VMD7/Automate-identification-and-recognition-of-handwritten-text-from-an-image

This project offers an efficient method for identifying and recognizing handwritten text from images. Using a Convolutional Recurrent Neural Network (CRNN) for Optical Character Recognition (OCR), it effectively extracts text from images, aiding in the digitization of handwritten documents and automated text extraction.

Language: Jupyter Notebook - Size: 159 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 14 - Forks: 8

RatanKokal/MNIST-Recognition

Experimenting with basics of Machine Learning and Computer Vision

Language: HTML - Size: 94.1 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

LuluW8071/Neural-Network-From-Scratch-Using-Numpy

A linear neural network from scratch using Numpy for training MNIST Dataset

Language: Python - Size: 12.7 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

EluSin74/EluSin74-Digital-Handwritten-Recognition

Digital Hand Written Recognition ML

Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Thamannahafeez/Digital_Recognizer

Identify the digits from a set of handwritten digits using artificial neural network

Language: Jupyter Notebook - Size: 81.1 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

bharathikannann/digit-recognition

An implementation of Neural Networks from scratch in python using only numpy for MNIST dataset .

Language: Jupyter Notebook - Size: 7.12 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

kaint/Digit-Recognition-using-Tensorflow-and-Neural-Networks

Digit-Recognition-using-Tensorflow-and-Neural-Networks

Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

jaisal1311/Deep-Learning

Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

greenDev7/NeuralNetwork

Реализация алгоритма обратного распространения ошибки для обучения нейронной сети для распознавания рукописных цифр

Language: C# - Size: 51.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Ad882/Handwritten-digit-recognition

Very simple machine learning project aiming at making the computer recognise handwritten digits.

Language: Python - Size: 106 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

janhavi-sathe/mnist-digits-recognition-knn

Using the MNIST Dataset, script for digit recognition using the k-nearest neighbours algorithm

Language: Python - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

vaasugambhir/DigitRecognizer

An app that recognizes handwritten digits, either through an in-built canvas or through a photo of a handwritten digit (on paper) taken by the camera and outputs the respective number using a Machine Learning algorithm (Neural Network) via text and voice.

Language: Jupyter Notebook - Size: 8.33 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

IIsameerII/Handwritten-Digit-Recognition-from-MNIST-Dataset

This project uses TinyVGG and Streamlit to classify handwritten digits.

Language: Python - Size: 9.79 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

abhijitmahalle/hand-written-digit-recognition

Implementation of classical Machine Learning algorithms for digit recognition on MNIST dataset

Language: Python - Size: 79.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

im-dpaul/Digit-Recognizer

Code and data for the Digit Recognizer competition on Kaggle.

Language: Jupyter Notebook - Size: 19 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

indrapaul824/MNIST-Digit-Recognition

Implemented various Machine Learning and Deep Learning Algorithms on the famous digit recognition problem using the MNIST (Mixed National Institute of Standards and Technology) database.

Language: Python - Size: 41.7 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

Laksh1701/Digit-Recognition-Using-ML-

Digit recognition using neural networks(CNN classification technique)

Language: Python - Size: 2.72 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

purvit-vashishtha/Digit-Recognizer-App

App for MNIST Data using GitHub Pages.

Language: Jupyter Notebook - Size: 1.39 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

santiagoahl/Digit-recognition

In this repository I'm going to implement a machine learning clustering algorithm in order to recognize handwritten digits

Language: Jupyter Notebook - Size: 246 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Logon27/Digit-Recognition-Canvas

A digit recognition canvas where you can draw your own custom digits on the canvas and the program will predict what digit it thinks it is using a neural network.

Language: Python - Size: 122 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

KarthikShetty27/Digit-Recognizer

Implementing computer vision fundamentals with the famous MNIST data.

Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

priyanka-kasture/Handwritten-Digit-Recognizer

Handwritten Digit Recognition using Softmax Regression in Python

Language: Python - Size: 10.8 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 9

saeedghoorchian/Digit-Recognizer

Hand-Written Digit Recognizer

Language: Jupyter Notebook - Size: 494 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

dasdebjeet/digit_recognizer

Digit Recognization by using Deep Learning

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ShahzaibWaseem/ComputerVision

This contains the assignment solutions for the course CMPT 762 Computer Vision @ SFU

Language: Jupyter Notebook - Size: 107 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

IEEEFiratComputerSociety/Letter_Digit_Classification

Language: Python - Size: 17.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 2

KhomZ/tensorflow-with-khom

This repo is for tensorflow learning.

Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

bfury/Digit-Recognition-CNN

MNIST数据集 手写数字识别 CNN

Language: Python - Size: 21.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

saharshleo/sudokuSolver

Hello World of Computer Vision and ML

Language: Jupyter Notebook - Size: 5.39 MB - Last synced at: 1 day ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

Ayushman67/Handwritten-Digit-Recognition

Handwritten digit recognizer using MNIST dataset

Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

nishanthbhat07/Deep-Learning-Projects

Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

deepanchal/handwritten-digit-recognizer

Language: JavaScript - Size: 14.4 MB - Last synced at: 28 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

samyhad/DigitRecognizer

Our goal is to correctly identify digits from a dataset of tens of thousands of handwritten images.

Size: 11 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ashutoshpipriye/Digit-recognition-using-opencv-and-tkinter

Digit recognition

Language: Jupyter Notebook - Size: 449 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

szareian/digital_recognition_CNN

Digit recognition with convolutional neural networks (CNN)

Language: MATLAB - Size: 21.1 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

simranjeet97/Digit_Recognition_FlaskApp

MNIST Digit Recognition Using Scikit-Learn and Ensemble Learning and Then Make an Web-App Using Flask.

Language: Jupyter Notebook - Size: 229 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

knightron0/digit-recognizer

My first neural network which is copied off of a sentdex video

Language: Python - Size: 2.93 KB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Uzzy97/Emerging-Tech-Assessment

Application which recognizes and predicts handwritten digits, drawn by user.

Language: Jupyter Notebook - Size: 50.1 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

shivaverma/Kaggle

Soving Kaggle problems.

Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

DivyaKrishnani/Deep-Learning-based-Digit-Recognizer-MNIST

Digit Classification using Deep Learning with Python, Tensorflow and Keras and MNIST Dataset

Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
digit-recognition-mnist 50 digit-recognition 18 python 15 machine-learning 14 mnist 11 tensorflow 10 deep-learning 10 python3 8 mnist-classification 7 convolutional-neural-networks 6 neural-network 6 keras 5 digit-recognizer 5 computer-vision 5 cnn 5 numpy 4 cnn-classification 4 handwritten-digit-recognition 4 opencv-python 4 deep-neural-networks 3 image-processing 3 mnist-handwriting-recognition 3 mnist-image-dataset 3 cnn-keras 3 jupyter-notebook 2 data-science 2 classification 2 deep-learning-algorithms 2 sklearn 2 kaggle-competition 2 kaggle 2 cnn-model 2 matplotlib 2 digit-classification 2 mnist-dataset 2 digit-classifier 2 keras-neural-networks 2 flask 2 image-classification 2 digit-recognition-problem 2 digit-recognition-application 2 jquery 1 html5 1 css3 1 webcam-capture 1 softmax-regression 1 google-colab 1 digit-recognizer-kaggle 1 canvas 1 k-means-clustering 1 github-pages 1 supervised-learning 1 neural-networks 1 perceptron 1 multiclass-classification 1 perceptron-learning-algorithm 1 knn-algorithm 1 machine-learning-algorithms 1 pytorch 1 multiclass-image-classification 1 cnn-pytorch 1 android-app-development 1 background-thread 1 jupyterlab 1 traffic-sign-classification 1 jypyternotebook 1 logistic-regression 1 open 1 tkinter-python 1 lenet-architecture 1 matlab 1 ensemble-learning 1 flask-application 1 image 1 scikitlearn-machine-learning 1 sentdex 1 keras-tensorflow 1 model 1 house-price-prediction 1 titanic-kaggle 1 cifar100 1 detectron2 1 instance-segmentation 1 mask-rcnn 1 object-detection 1 semantic-segmentation 1 letter- 1 save-and-load-models 1 pycharm 1 backtracking 1 sudoku-solver 1 ann 1 cats-vs-dogs-classification 1 data-preprocessing 1 gtsrb-dataset 1 spam-classification 1 crnn-ocr 1 crnn-kreas 1 crnn 1 showcase 1