mnist-model
There are 31 repositories under mnist-model topic.
amitshekhariitbhu/AndroidTensorFlowMNISTExample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
GiorgosXou/NeuralNetworks
A resource-conscious neural network implementation for MCUs
hwalsuklee/how-far-can-we-go-with-MNIST
A collection of codes for 'how far can we go with MNIST' challenge
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
MilleXi/MNIST_SVM
一个基于支持向量机(SVM)模型的手写数字识别系统。使用了经典的MNIST数据集,通过图像预处理、特征提取和模型训练等步骤,构建了一个可以识别0到9之间数字的分类器。并使用Gradio搭建简单的可视化界面,方便用户上传手写数字图像并查看预测结果。
Edmonton-School-of-AI/Hello-World-Tensorspace
Played with Tensorspace a library for Neural network 3D visualization, building interactive and intuitive models in browsers, supports pre-trained deep learning models from TensorFlow, Keras, TensorFlow.js
theevildoof/TinyML_OV7670
This repo contains all the necessary files to build a MNIST TinyML application, that works with an OV7670 camera module and TFT LCD module.
darleybarreto/vae-pytorch
Some basic implementations of Variational Autoencoders in pytorch
ibodumas/naivebayes_mnist
I implemented a Naive Bayes classifier form scratch and applied it on MNIST dataset.
developer-junaid/Numbers-Image-Classification-MNIST
Short python jupyter script, for training Deep learning model for MNIST Dataset about Numbers classification from images and it's evaluation.
ibodumas/my_KNN_PCA_MNIST
Problems Identification: This project involves the implementation of efficient and effective KNN classifiers on MNIST data set. The MNIST data comprises of digital images of several digits ranging from 0 to 9. Each image is 28 x 28 pixels. Thus, the data set has 10 levels of classes.
Aparajit-Garg/MNIST
Building a model to recognise handwritten numerical digits from images of the MNIST dataset.
busraoguzoglu/MNIST-VAE
VAE Implementation with LSTM Encoder and CNN Decoder
clomax/neuralnet-digit-reader
Performs OCR on the MNIST dataset. From my BSc. AI & Robotics at Prifysgol Aberystwyth
lherman-cs/deeplearning-demos
Deep learning demos using MNIST data set with multiple neural network models
rnk20/Neural-Networks
Deep Neural Networks like Single Layer Perceptron and Multi Layer Perceptron implementation using Tensorflow library on Datasets like MNIST and Naval Mine for categorical Classification. Saving and Restoring Tensorflow "Variables" weights for testing.
supersjgk/Handwritten-Digit-Classification-PyTorch
PyTorch implementation of a feed forward neural network to classify handwritten digits from the MNIST dataset
WenrrrBeth/classification-MNISTDD
Trained deep neural networks to predict and classify input image (MNISTDD) datasets with python.
boolka/mnistidx
mnist database api
fernieq/MNIST-Flask
Dockerize a Keras CNN model, which is wrapped in a Webapp using Flask Micro Framework
Goody7/MNIST_CNN
CNN model for predicting random input.
tarushi98/DCGAN-MNIST
This is a DCGAN trained on MNIST model. It has all the specifications as described the original paper on Deep Convolutional General Adversarial Training
ujjwalgupta07/Digit-Recognizer
Digit Recognition on MNIST Data
ajulyav/Neural_Network_MNIST
Simple NN for MNIST Recognition
BPDanek/le-baby-net
Study of leNet implementation in Python3.6 with Keras+Tensorflow backend.
FakeNameSE/interactive-MNIST-CNN
A Convolutional neural network heavily based upon the tensorflow advanced MNIST example but equiped with labels to visualize and allowing the user to draw an image and then have the system predict the result.
RNV-siva-karthik/MNIST-hand-Written-digits-classification-using-CNN-with-accuracy-of-98.10-
classification of handwritten digits from MNIST dataset with above 99% accuracy using simple CNNs
sichkar-valentyn/mnist
MNIST Digits Classification with numpy only