GitHub topics: mnist-handwriting-recognition
abdelmalek-maskri/handwritten-digit-classifier
🧠 A simple neural network from scratch using NumPy to classify handwritten digits (MNIST). No TensorFlow, no PyTorch — just raw math, gradient descent, and NumPy. Great for learning how neural nets really work!
Language: Jupyter Notebook - Size: 9.12 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

aryashah2k/Handwritten-Multiple-Digits-Recognizer
An Intuitive Desktop GUI Application For Recognizing Multiple Handwritten Digits Drawn At The Same Time. Trained On MNIST Dataset and Built With Python, OpenCV and TKinter
Language: Python - Size: 44.3 MB - Last synced at: 8 days ago - Pushed at: about 4 years ago - Stars: 47 - Forks: 14

hamarshehmhmd/mnist-neural-network
Language: Python - Size: 41 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 2 - Forks: 0

sy2002/HWD-Perceptron
Handwritten Digits Recognition using a Perceptron Neural Network
Language: Python - Size: 17.2 MB - Last synced at: 2 days ago - Pushed at: 27 days ago - Stars: 4 - Forks: 1

Spidy20/Handwriting_Digit_recognition
It is a Python GUI in which you can draw a digit and the ML Algorithm will recognize what digit it is. We have used Mnist dataset
Language: Python - Size: 25.4 MB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 7

MadLittleMods/zig-neural-networks
A from scratch neural network library in Zig
Language: Zig - Size: 112 KB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

GiorgosXou/NeuralNetworks
A resource-conscious neural network implementation for MCUs
Language: C++ - Size: 1.23 MB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 84 - Forks: 26

IbrahimOmar91/Android-Tensorflow-digits-recognition
An Android app to recognize your hand-writen digits
Language: Jupyter Notebook - Size: 4.55 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 1

NoahFeldt/ANN-From-Scratch
Implementation of a multi layer perceptron artificial neural network from scratch that is tested using the MNIST dataset.
Language: Python - Size: 380 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

gyselle-marques/Neural-Network-MNIST
Machine Learning: Implementação de uma rede neural de Deep Learning para reconhecimento de dígitos.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mboren/deMNISTify
draw numbers with your mouse and watch them get classified in ~real time~
Language: Python - Size: 928 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 2

josephmars/CNN_MNIST
Convolutional Neural Network (CNN) for classifying handwritten digits using the MNIST dataset
Language: Python - Size: 72.3 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Relostar-Devil/Handwritten-Digit-Classification
Builds a convolutional neural network (CNN) using TensorFlow and Keras to classify handwritten digits from the MNIST dataset. The model achieves high accuracy through data preprocessing, feature extraction, and training, demonstrating the power of deep learning for image recognition tasks.
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

VivienneForReal/pen-based-recognition-of-handwritten-digits
Pen-based recognition of handwritten digits using Supervised and Unsupervised Learning
Language: Jupyter Notebook - Size: 1.78 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

RubixML/MNIST
Handwritten digit recognizer using a feed-forward neural network and the MNIST dataset of 70,000 human-labeled handwritten digits.
Language: PHP - Size: 19.9 MB - Last synced at: 4 days ago - Pushed at: about 2 years ago - Stars: 39 - Forks: 9

qaz9517532846/mnist_cudnn
MNIST handwriting recognition using Deep learning and CUDNN library under ROS 2 Foxy.
Language: Cuda - Size: 163 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

bat67/TibetanMNIST
MNIST of Tibetan handwriting 国产手写藏文MNIST数据集(TibetanMNIST)的图像分类处理与各种好玩的脑洞~
Language: Jupyter Notebook - Size: 109 MB - Last synced at: 15 days ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 12

arpanpramanik2003/mnist-digit-classification Fork of chandadiya2004/mnist-digit-classification
This repository demonstrates MNIST digit classification using deep learning. It includes a neural network model built with frameworks like TensorFlow to classify handwritten digits (0-9) from the MNIST dataset. The project covers data loading, preprocessing, model training, evaluation, and accuracy visualization.
Language: Jupyter Notebook - Size: 276 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

IAmFarrokhnejad/Neural-Network
A simple neural network without reliance on any NN library.
Language: Python - Size: 5.86 KB - Last synced at: 23 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

omarmoo5/streamlit-mnist
Light MNIST Digit Classifier Using Streamlit
Language: Python - Size: 40.5 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

InnoFang/what-digit-you-write
🎰Handwritten digit recognition application implemented by TensorFlow2 + Keras and Flask.
Language: Python - Size: 195 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 42 - Forks: 13

bsiegelwax/784-Dimensional-Quantum-MNIST
Quantum MNIST using amplitude encoding instead of dimensionality reduction.
Language: Jupyter Notebook - Size: 69.3 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 1

anshumansinha3301/Neural-Network
MNIST Using Neural Network project from scratch in jupyter notebook with basic python concepts (Using Numpy and Matplotlib)
Size: 117 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 1

HarshNarayanJha/mnist-nn
This repo contains files for predicting hand written digits using the well-known mnist dataset, using a neural network with keras.
Language: Python - Size: 1.78 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

BhaveshBhakta/Handwritten-Digit-Classification-Using-ANN
Handwritten Digit Classification
Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Pavansomisetty21/MNIST-Classification-using-Keras-MLP-Sequential-
Language: Jupyter Notebook - Size: 122 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

drisskhattabi6/Handwritten-Digit-Recognition-MNIST
This Repo contains "Handwritten-Digit-Recognition-MNIST" Notebook, Using Python (Pytorch)
Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

himanshkr03/MNIST-Handwritten-Digit-Classification
This repository contains a Python implementation of a handwritten digit classification model using a Convolutional Neural Network (CNN) trained on the MNIST dataset. The model achieves high accuracy and can be used for various applications.
Language: Jupyter Notebook - Size: 71.3 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

QiushiSun/Statistical-Methods-and-Machine-Learning
2021 Spring (Statistical Methods and Machine Learning) 统计方法与机器学习
Language: Jupyter Notebook - Size: 23.2 MB - Last synced at: 13 days ago - Pushed at: almost 4 years ago - Stars: 22 - Forks: 7

santiagoasp98/handwritten-digits-classification
MNIST Handwritten Digits Classification using PyTorch
Language: Jupyter Notebook - Size: 498 KB - Last synced at: 13 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

mytechnotalent/MNIST-MLP
This project provides a step-by-step, PyTorch-based guide to constructing, training, and evaluating a fully connected neural network (MLP) for accurate handwritten digit classification using the MNIST dataset.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Saury997/AI-Intro-Assignment
Source code for "artificial intelligence introduction" course assignment.
Language: Python - Size: 11.7 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

KyriakosPsa/Neural-Networks-Adversarial-Examples
This repository contains code to solve different tasks related to building, training and creating adversarial examples for classification models on the MNIST and CIFAR10 datasets.
Language: Jupyter Notebook - Size: 20.8 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

FardinHash/Handwritten-Digit-Recognizer
This is a Handwritten Digit Recognizer experiment based on Convolutional Neural Network and MNIST dataset.
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

cudavailable/MindSpore_MNIST
some codes about MNIST recognition with MindSpore.
Language: Python - Size: 11.2 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

alankrantas/MNIST-Live-Detection-TFLite 📦
MNIST Live Detection using OpenCV, Tensorflow Lite and AutoKeras
Language: Python - Size: 7.3 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 2

MadLittleMods/zig-ocr-neural-network
A from scratch neural network implementation in Zig, trained against the MNIST dataset to recognize handwritten digits.
Language: Zig - Size: 113 KB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

Hunterdii/DigiPic-Classifier
DigiPic-Classifier is a powerful image classification app built with Streamlit. It features two models: CIFAR-10 Object Recognition to classify objects like airplanes, cars, animals, and more, and MNIST Digit Classification for recognizing handwritten digits. With a sleek interface and real-time predictions, DigiPic-Classifier offers a seamless
Language: Jupyter Notebook - Size: 9.73 MB - Last synced at: 6 days ago - Pushed at: 7 months ago - Stars: 4 - Forks: 5

priyadarshighosh/ANN_Everyday
Everything about Artificial Neural Network from Basic to Adavnced
Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

faisal-fida/Payment-Prediction-ML
This project is a Flask-based web application designed to train a machine learning model using TensorFlow, make predictions on payment data, and display the results using a web interface.
Language: PureBasic - Size: 1.23 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

SreeEswaran/Handwritten-digit-Classification
This project implements a Convolutional Neural Network (CNN) to classify handwritten digits from the MNIST dataset. The model is built using TensorFlow and Keras.
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: 13 days ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

ericyoc/adversarial-defense-hnn-poc
A classical-quantum or hybrid neural network with adversarial defense protection
Language: Jupyter Notebook - Size: 5 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

ericyoc/adversarial-defense-cnn-poc
A classical or convolutional neural network model with adversarial defense protection
Language: Jupyter Notebook - Size: 3.5 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 1

chunyin7/MNIST-NeuralNetwork-C
A rudimentary neural network for classifying handwritten digits written from scratch entirely in C.
Language: C - Size: 20 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

nomi30701/mnist-playground-tfjs
Mnist dataset playground tensorflowjs
Language: JavaScript - Size: 1.57 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

b-brebion/android-mnist-digits-recognition
Android app that recognize MNIST Handwritten Digits using a CNN.
Language: Java - Size: 2.92 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 5 - Forks: 1

Ahmad-Ali-Rafique/MNIST-Digit-Recognition-Project
A comprehensive MNIST digit recognition project with a Streamlit dashboard, neural network model, and Jupyter notebook. Includes all necessary files for training, testing, and deploying the model.
Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Raptor2804/Classify_Handwritten_digits_using_Python_and_ANN
Hand written digits classification done on MNIST dataset images as 0-9 numbers
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

maxfroh/chinese-characters
This is my first foray into ML and NN inspired by my love of Chinese
Language: Python - Size: 207 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

MadLittleMods/zig-ocr-mnist-k-nearest-neighbors
Basic OCR example written in Zig using K-nearest neighbor against the MNIST dataset
Language: Zig - Size: 26.4 KB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

madhu102938/MNIST-in-cpp
Handwritten digit recognition with c++
Language: C++ - Size: 21.7 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

AbhaySDubey/handwritten_digit_recognition
Language: Jupyter Notebook - Size: 13.5 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

infinitecoder1729/mnist-dataset-classification
A standard (non-convolution based) neural network to classify the MNIST dataset.
Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

Yashmaheshwari0502/Handwritten-Digit-Recoginition
This repository implements a neural network model for handwritten digit recognition using the MNIST dataset. It features three dense layers and requires TensorFlow, NumPy, and Matplotlib.
Language: Jupyter Notebook - Size: 7.21 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

alexmateides/number-recognition
Revival of my first ML passion project from 2022
Language: Jupyter Notebook - Size: 138 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

duckfuss/handwritingRecognition
using neural network built from scratch, will recognise handwriting
Language: Python - Size: 7.81 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

ntinouldinho/ml-flask-app
Web application written in Python using flask and deployed on Heroku. The purpose of this project was to connect a UI with 2 of the ML models I have developed for recognizing handwritten numbers.
Language: HTML - Size: 4.91 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

AnshulRathee/Handwritten-Digit-Recognition-using-MNIST
Handwritten digit recognition using Machine Learning Models on the MNIST dataset in Python.
Language: Jupyter Notebook - Size: 554 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

KONRADS098/nn-from-scratch
Jupyter notebooks demonstrating the creation of Neural Networks from scratch to classify MNIST handwritten digits using Python and SciPy.
Language: Jupyter Notebook - Size: 82 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

shettysach/Handwriting-Calculator
A calculator that uses handwritten digits and operators to calculate the result, using contour detection and CNN model prediction. Tensorflow (Keras) is used to create, train and load the neural network model used for predictions. CustomTKinter is used to provide the GUI. OpenCV and Pillow (PIL) are used for contour detection.
Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

shakil1819/PyTorch-CNN-MNIST-Dataset-Digit-Classifer
Developing a Handwritten Digits Classifier using PyTorch on the MNIST dataset .Implemented pytorch, CNN, image segmentation and classification
Language: Jupyter Notebook - Size: 22.9 MB - Last synced at: 29 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Abhilash-Kar0/Machine-Learning-Projects
Contains various machine learning projects source code
Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: 10 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

stgloorious/OCR_Mnist_Digits
Demonstration of simple handwritten digit recognition using a neural network in Python. Based on a book by Tariq Rashid. The neural network is able to decipher greyscale 28 x 28 pictures of numerical digits 0-9 with a very high success rate. It uses MNIST data for training and testing but can also be used with other similar data.
Language: Python - Size: 16.6 MB - Last synced at: 7 days ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

ramakrishnan-21/MNIST-Dataset
Introductory excercise on Computer Vision
Language: Jupyter Notebook - Size: 52.6 MB - Last synced at: 10 months ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 3

jharishav99/Digit-Recognizer
Handwritten Digit Recognition using Python
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

codevibess/parallel-stacking-classifier
Stacking Classifier with parallel computing architecture based on Message Passing Interface.
Language: Python - Size: 132 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

aryan02420/digit-recognizer
MNIST handwritten digit classification, built with python/tensorflow, runs in browser
Language: Jupyter Notebook - Size: 7.46 MB - Last synced at: 5 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 1

Vishal-sys-code/Handwritten_Recognition_from_MNIST_Dataset
Handwritten Digit Recognition by MNIST
Language: Python - Size: 1.17 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

johnolafenwa/Neural-Network-Tutorials
Code for my tutorials on Artificial Neural Networks
Language: Python - Size: 6.29 MB - Last synced at: 15 days ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

shobhitraj1/CSE342-Statistical-Machine-Learning
This repository contains my coursework (assignments, semester exams & project) for the Statistical Machine Learning course at IIIT Delhi in Winter 2024.
Language: Jupyter Notebook - Size: 52 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

shromana98/Digit-Classification
My first Deep Learning Project
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

shubhanshu1995/Deep-Learning-with-Keras
This repository contains awesome projects made using Keras, Tensorflow & Python
Language: Jupyter Notebook - Size: 64.5 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

bvyshali/Handwritten-Digits-Recognition
This repository demonstrates a "from-scratch" implementation of a multi-layer perceptron neural network to recognize handwritten digits from images using only Python's Numpy library.
Language: Python - Size: 2.69 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

romanrosh/MNIST-dataset
Classification of MNIST and DIGITS dataset from SKLEARN
Language: Jupyter Notebook - Size: 503 KB - Last synced at: 11 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

nikhilkr31/digit-classifier
A crude implementation of a image classifier on the MNIST dataset of handwritten digits
Language: Jupyter Notebook - Size: 192 KB - Last synced at: 11 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

sysdxmq/Handwriting-recognition
Handwriting digit recognition with numpy and matplotlib.
Language: Python - Size: 24.7 MB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Ubaid-Manzoor/N-Layer-Neural-Network-Using-TensorFlow-With-Mnist-Dataset
Its somewhat general way to create a N Layer Tensorflow Neural Network but here I used a Mnist Dataset
Language: Jupyter Notebook - Size: 95.7 KB - Last synced at: 12 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 1

srp98/Image-Classification-with-Deep-CNN
A Deep Convolutional Neural Network with drop out layer architecture to decrease over-fitting and to increase accuracy.
Language: Python - Size: 16.6 KB - Last synced at: 12 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

FranckyU/elixir-ml-digits
Computer Vision :: Digits recognition fullstack machine learning application using Nx, Axon, and LiveView :: MNIST dataset
Language: Elixir - Size: 10.2 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

Salchegger/Simple-Neural-Network-for-Handwritten-Digit-Recognition
Basic neural network model using Python and NumPy to recognize handwritten digits from the MNIST dataset.
Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Firlej/MNIST-image-classifier
Image classifier written in javascript using the MNIST database of handwritten digits
Language: JavaScript - Size: 20.6 MB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

yanqiangmiffy/tibetan-mnist
基于TibetanMNIST图像分类与图像匹配
Language: Python - Size: 203 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

Vidhi1290/DCNN
Achieving 98.43% Accuracy in Handwritten Digit Recognition Experience the potential of deep learning as we present our project on handwritten digit recognition using the MNIST dataset. Our deep neural network achieves an outstanding accuracy of 98.43%, showcasing the effectiveness of advanced techniques in the realm of machine learning.
Size: 126 KB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Vidhi1290/Image-Inpainting
🎨 Restore images flawlessly with our Image Inpainting Showcase! Using Convolutional Neural Networks, we revive corrupted parts. Explore code, models, and innovation for visual perfection. Join the AI journey of artistry and magic! 🖼️🔮 #ImageInpainting
Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: 23 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

ARMmbed/utensor-mnist-demo
Handwritten digit recognition demo
Language: C++ - Size: 1.28 MB - Last synced at: 12 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 4

Overthrowing/PyPerceptron
A neural network (multilayer perceptron) implementation from scratch using Numpy
Language: Python - Size: 11 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

MaitreChen/openvino-lenet-sample
本仓库包含了完整的深度学习应用开发流程,以经典的手写字符识别为例,基于LeNet网络构建。推理部分使用torch、onnxruntime以及openvino框架💖
Language: Python - Size: 58.6 KB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 15 - Forks: 2

nakshatrasinghh/Deep-Learning
Neural Networks with TensorFlow 2 and Keras in Python (Jupyter notebooks included)
Language: Jupyter Notebook - Size: 2.54 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

andreyYaky/pytorch-mnist-digits
Classifier CNN and SelfAttentionCNN for MNIST handwritten digits (achieves 98% testing accuracy)
Language: Jupyter Notebook - Size: 58.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

pratik-choudhari/Realtime_mnist_digit_recognition
Real time digit recognition using pygame and a pretrained keras model
Language: Python - Size: 6.2 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 2

pkarakal/convolutional-autoencoder
An implementation of autoencoding piped with a classification of the mnist dataset
Language: Python - Size: 13.7 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

extsalt/mnist-hand-written-digits
MNIST hand digit recognition
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

meetcric/Tensorboard
A Simple application to recongize digit using Tenorflow.js in Node.js
Language: Jupyter Notebook - Size: 3.88 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

mattkrol/mnist_tools
Python script to download and parse the MNIST dataset into a NumPy array.
Language: Python - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

schizoakustik/sudoku_solver
A sudoku solver application using machine learning
Language: Jupyter Notebook - Size: 5.51 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jibinmathew69/PyTorch-In-Depth
This is a repository which looks at Deep learning tutorial with Pytorch, with various important functions and documentation.
Language: Jupyter Notebook - Size: 9.08 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

emansarahafi/MNIST-in-Keras
A simple quick-start in performing digit recognition in a neural network in Keras.
Language: Jupyter Notebook - Size: 85.9 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

cezarbulancea/Digit-Recognizer
Machine-learning model achieving 99% accuracy in recognizing handwritten digits.
Language: Jupyter Notebook - Size: 163 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

Mikewortho/MNIST-Image-Processing
Language: Matlab - Size: 11 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

CycleGANS/CycleGANS.github.io
The website for Cycle GANs project @ UIUC
Language: JavaScript - Size: 190 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0
