GitHub topics: mnist-image-dataset
R4F405/mnist-number-recognition-python
This project implements a handwritten digit recognizer using a model trained on the MNIST dataset.
Language: Python - Size: 1.05 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

srohit0/food_mnist
This dataset has 10 food categories, with 5,000 images. For each class, 125 manually reviewed test images are provided as well as 375 training images. All images were rescaled to have a maximum side length of 512 pixels.
Language: Jupyter Notebook - Size: 234 MB - Last synced at: 26 days ago - Pushed at: almost 6 years ago - Stars: 11 - Forks: 1

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: 3 days ago - Pushed at: about 4 years ago - Stars: 47 - Forks: 14

boolka/mnistdb
mnist database
Language: Go - Size: 11 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

DangNhutNguyen/Neural-Network-from-Scratch
I've written this repository to explaining step-by-step building a neural network from scratch by using python and MNIST dataset to review
Language: Python - Size: 26.4 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

junwha/MNIST-FPGA-Accelarator
MNIST accelerator using binary qunatization on Xilinx pynq-z2
Language: C++ - Size: 13.4 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 12 - Forks: 2

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

KaSaNaa/MNIST
This repo contains a mirror of the files from http://yann.lecun.com/exdb/mnist/ . The reason for this mirror is, that sometimes the download links on the site doesn't work and download of the files get stuck for several minutes.
Size: 10.8 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Pythondeveloper6/deep-learning-handwriting-recognition
simple neural network with simple project
Language: Jupyter Notebook - Size: 44.9 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 4 - 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: 28 days ago - Pushed at: 7 months ago - Stars: 4 - Forks: 5

abhi23shek/Fashion-Item-Classifier
The Fashion Item Classifier is a web application designed to classify images of fashion items into one of the ten categories from the Fashion MNIST dataset.
Language: Python - Size: 971 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

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

Soham-Saha/NeuralNetwork
Simple MLP (Multi-Layer Perceptron) framework with MNIST example
Language: Java - Size: 6 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

stefan-zobel/MLP
An educational multilayer perceptron (MLP) programmed from scratch in Java
Language: Java - Size: 34 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

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

masanbasa3k/CGAN_Clothing_mnist
This repository contains an implementation of a Generative Adversarial Network (GAN) trained on the Clothing MNIST dataset.
Language: Python - Size: 18.9 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - 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

tangphucnhan/Predict-Digit-Images-By-Keras
Sequential model to predict digits in image
Language: Python - Size: 16.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

RB100-git/MNIST-Digit-Classification
MNIST digit classification using Machine Learning Algorithm.
Language: Jupyter Notebook - Size: 77.1 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

rbaral/Udacity_Deep_Learning
Language: Jupyter Notebook - Size: 616 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

srajan-kiyotaka/Creating-Multi-Task-Models-With-Keras
I created a Deep Learning Model which can do multiple task at a same time using tensorflow and keras.
Language: Jupyter Notebook - Size: 281 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 3

likitha4/MYCaptain
This repository holds ML Regression and Image classification Models & datasets used are IRIS, MNIST and Boston
Language: Jupyter Notebook - Size: 169 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

jiegzhan/image-classification-rnn
Classify MNIST image dataset into 10 classes. Build an image classifier with Recurrent Neural Network (RNN: LSTM) on Tensorflow.
Language: Python - Size: 15.1 MB - Last synced at: about 1 year ago - Pushed at: about 8 years ago - Stars: 86 - Forks: 48

jsteng19/MNIST_Neural_Net
This is an educational project intended to classify handwritten digits from the MNIST database using only native Python and the NumPy library. Pillow (PIL fork) was used to display the handwritten images for demonstration purposes.
Language: Python - Size: 197 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

itsrainingdata/mnistR
Download and load MNIST data from R
Language: R - Size: 11.7 KB - Last synced at: 29 days ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 1

venkatesh-eranti/MNIST_PCA
The MNIST database of handwritten digits, available from (http://yann.lecun.com/exdb/mnist/), has a training set of 60,000 examples, and a test set of 10,000 examples. It is a subset of a larger set available from NIST. The digits have been size-normalized and centered in a fixed-size image.<br> It is a good database for people who want to try learning techniques and pattern recognition methods on real-world data while spending minimal efforts on preprocessing and formatting.
Language: Jupyter Notebook - Size: 2.29 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - 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

Srivatsank1/mnist-sign
Language: Python - Size: 30.2 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

ankitaggarwal011/MNIST-Sequence
A tool to generate image dataset for sequences of handwritten digits using MNIST database
Language: Python - Size: 1.56 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 4

mustaffa-hussain/PCA-v-s-t-SNE
It has the comparison study on dimension reduction techniques PCA and t-SNE on MNIST Digit Recognitaion Dataset
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

anupamtamrakar/CNN-ImageRecognitionPrediction
Language: Jupyter Notebook - Size: 7.98 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

arthurpessoa/tensorflow-handwriten-digits
Tensorflow simple project using MNIST dataset and softmax-regression
Language: Python - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

guylangston/MNIST.IO
"THE MNIST DATABASE of handwritten digits" DataReader http://yann.lecun.com/exdb/mnist/
Language: C# - Size: 9.77 KB - Last synced at: 5 days ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 0

asrinoztin/mnist_keras_cnn
This repository includes a study that aims to apply classification on well-known MNIST dataset. Detailed info in ReadMe
Language: Jupyter Notebook - Size: 263 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

bsiegelwax/Quantum-Inspired-MNIST
Inspired by quantum classification, this is MNIST with no models, no weights, no activation functions, no optimizers, nor anything else that resembles traditional MNIST implementations.
Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

sssingh/mnist-digit-generation-gan
A Generative Adversarial Network (GAN) trained on the MNIST dataset, capable of creating fake but realistic looking MNIST digit images that appear to be drawn from the original dataset.
Language: Jupyter Notebook - Size: 5.46 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

heanuea/Mnist-Digit-Reader-
A Web Application Built with Flask and Python that reads images containing numbers with the Help of Tensor-flow should recognize each digit from 0 to 9
Language: HTML - Size: 9.19 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 14 - Forks: 13

AtharvaTaras/PyTorch-OCR
Basics of PyTorch
Language: Jupyter Notebook - Size: 21.8 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

MdJafirAshraf/Fashion_mninst_image_classification
We create a model for image classification using the feed-forward network. The feed-forward network is the first and simple type of deep learning network. It is a classification algorithm. In this network, information moves only forward not from a cycle.
Language: Jupyter Notebook - Size: 22.5 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

LTPhat/SudokuSolver
A simple sudoku solver app with Streamlit.
Language: Python - Size: 212 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

mpolinowski/tf-mnist-digits
Tensorflow unsupervised learning to denoise images from the mnist digits dataset
Language: Python - Size: 51.8 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Amir79Naziri/GenerativeAdverserialNetwork_Project
Implementing GAN for two different datasets with PyTorch.
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

PaulaSanches/MNIST-database-TrainingModels
The MNIST (Modified National Institute of Standards and Technology) is a set of 70,000 small image digits handwritten. It is used for training models to recognize handwritten, face recognition and medical diagnosis.
Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MUZAMMILPERVAIZ/Handwritten_digits_Classification_using_ANN
Artificial Neural Network is trained on keras MNIST dataset.
Language: Jupyter Notebook - Size: 362 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

Brudalaxe/Fashion-MNIST-Classifier
A short example of how to build a Fashion-MNIST classifier in PyTorch.
Language: Jupyter Notebook - Size: 41 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

jajokine/Neural-Networks-Image-Recognition
MITx - MicroMasters Program on Statistics and Data Science - Machine Learning with Python - Third Project
Language: Python - Size: 31.3 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

mynkpl1998/Hand-Written-Digit-Recognition
Detecting digits on the image using Convolution Neural Networks
Language: Python - Size: 31.6 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 0

EslamElbassel/Decode-and-Encode-Mnist-dataset-images-GANs
Decode and Encode Mnist dataset images autoencoder (CNN model)
Language: Jupyter Notebook - Size: 58.6 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

aja512/SIGN-LANGUAGE
Language: Jupyter Notebook - Size: 27.3 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

jajokine/Digit-Recognizer
MITx - MicroMasters Program on Statistics and Data Science - Machine Learning with Python - Second Project
Language: Python - Size: 85.9 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Chetan45s/Data-Science
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

somjit101/Dimensionality-Reduction-PCA-t-SNE
Implementation of Principal Component Analysis (PCA) and t-Distributed Stochastic Neighbour Embedding (t-SNE) as Dimensionality Reduction techniques using MNIST Dataset.
Language: Jupyter Notebook - Size: 9.05 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

EnguerranVidal/Numpy-Multi-Perceptron
This is a quick project trying to achieve a Multi-Layer Perceptron only using Numpy available features and maybe later use the Cupy library to speed up its process to GPU-Tensorflow like training speed.
Language: Python - Size: 14.5 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

arpita739/Using-GAN-fill-missing-part-of-Handwritten-Digits
How to build a neural network to fill the missing part of a handwritten digit using GANs
Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

3omar-mostafa/MNIST-dataset-extractor
Extract MNIST handwritten digits dataset binary file into bmp images
Language: Python - Size: 16.6 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 1

omrawal/ScribbleAndLearn
Game That randomly Generates simple math problems. With the progress in levels the difficulty increases.
Language: Jupyter Notebook - Size: 260 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

nadavWeisler/IdentifyTheDigits
Fast AI basic image classification, made right after the first lesson of fastai practical deep learning course.
Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

LailaMahmoudi/mnist-classification
MNIST Handwritten Digits Classification
Language: Jupyter Notebook - Size: 117 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

AlfaBetaBeta/DeepLearning-MLP-Tutorial
Elaborations on TensorFlow tutorial on a MLP implementation.
Language: Jupyter Notebook - Size: 3.11 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sadimanna/idx2numpy_array
Convert data in IDX format in MNIST Dataset to Numpy Array using Python
Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 6

raypretam/Fashion_MNIST
Fashion MNIST An MNIST-like dataset of 60,000 28x28 labeled fashion images.
Language: Python - Size: 7.81 KB - 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: 2 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

Uzzy97/MNIST
Printing Out Numbers As Images (7, 2, 1)
Language: C - Size: 10.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

rushabh-wadkar/Deep-Learning
This is my deep learning repository where I applied some deep learning state-of-the-art techniques and architecture to the dataset.
Language: HTML - Size: 3.28 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

sichkar-valentyn/mnist
MNIST Digits Classification with numpy only
Size: 5.96 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

duprijil/C-MNIST-API
A simple API for C language created to work easier with MNIST data files.
Language: C - Size: 11 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

yyysjz1997/GPU-Test Fork of wfdubowen/GPU-Test
TensorFlow测试多GPU并行处理
Language: Python - Size: 24 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

j-christl/MnistToImgFiles
Small python 3 tool to load the MNIST dataset from keras and save each entry to a *.png file
Language: Python - Size: 38.1 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

uragirii/Image_Recognition
This is v1.2 of the Image Recognition Model for MNIST Dataset
Language: Matlab - Size: 3.88 MB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

MohamedFawzy/tensorflow-getting-started
Tensorflow Quick Introduction
Language: Python - Size: 471 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 9 - 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

ilaydagurbak/FashionMNIST_practice
Language: Jupyter Notebook - Size: 3.66 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

zahan97/Neural-Nets
DNN, CNN and RNN in tensorflow.. DNN and CNN have upto 99% test accuracy.. The trained RNN(GRU) generates random Shakespeare plays...
Language: Python - Size: 12.8 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

ratopi/read-mnist-java
Simple Reader for reading MNIST data files
Language: Java - Size: 22.5 KB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

kmr0877/Digit-Recognition
Implementation of CNNs for handwritten digit recognition
Language: Python - Size: 26.4 KB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Champitoad/gym-numgrid
An OpenAI Gym environment where an agent explores a grid of hand-written digits images.
Language: Python - Size: 9.3 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0
