Topic: "mnist-model"
amitshekhariitbhu/AndroidTensorFlowMNISTExample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
Language: Java - Size: 15.4 MB - Last synced at: 19 days ago - Pushed at: 9 months ago - Stars: 464 - Forks: 97

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

hwalsuklee/how-far-can-we-go-with-MNIST
A collection of codes for 'how far can we go with MNIST' challenge
Size: 136 KB - Last synced at: 13 days ago - Pushed at: almost 8 years ago - Stars: 61 - Forks: 13

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

MilleXi/MNIST_SVM
一个基于支持向量机(SVM)模型的手写数字识别系统。使用了经典的MNIST数据集,通过图像预处理、特征提取和模型训练等步骤,构建了一个可以识别0到9之间数字的分类器。并使用Gradio搭建简单的可视化界面,方便用户上传手写数字图像并查看预测结果。
Language: Python - Size: 11 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 11 - Forks: 0

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
Language: JavaScript - Size: 5.46 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 0

darleybarreto/vae-pytorch
Some basic implementations of Variational Autoencoders in pytorch
Language: Jupyter Notebook - Size: 2.44 MB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 3

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.
Language: Jupyter Notebook - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

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.
Language: Jupyter Notebook - Size: 3.42 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

pushpulldecoder/Gradient-Descent-Scratch
Language: Jupyter Notebook - Size: 468 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

Aparajit-Garg/MNIST
Building a model to recognise handwritten numerical digits from images of the MNIST dataset.
Language: Jupyter Notebook - Size: 5.61 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

busraoguzoglu/MNIST-VAE
VAE Implementation with LSTM Encoder and CNN Decoder
Language: Python - Size: 703 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 1 - 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

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.
Language: Jupyter Notebook - Size: 602 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

lherman-cs/deeplearning-demos
Deep learning demos using MNIST data set with multiple neural network models
Language: Python - Size: 31.2 MB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

clomax/neuralnet-digit-reader
Performs OCR on the MNIST dataset. From my BSc. AI & Robotics at Prifysgol Aberystwyth
Language: R - Size: 102 KB - Last synced at: about 1 year ago - Pushed at: almost 10 years ago - Stars: 1 - Forks: 1

boolka/mnistidx
mnist database api
Language: Go - Size: 4.88 KB - Last synced at: 26 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

supersjgk/Handwritten-Digit-Classification-PyTorch
PyTorch implementation of a feed forward neural network to classify handwritten digits from the MNIST dataset
Language: Python - Size: 45.9 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

WenrrrBeth/classification-MNISTDD
Trained deep neural networks to predict and classify input image (MNISTDD) datasets with python.
Language: Python - Size: 78.7 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

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
Language: Jupyter Notebook - Size: 386 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

IceCI/example-mnist-training
Language: Python - Size: 1.95 KB - Last synced at: 25 days ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

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

fernieq/MNIST-Flask
Dockerize a Keras CNN model, which is wrapped in a Webapp using Flask Micro Framework
Language: Python - Size: 13.1 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

BPDanek/le-baby-net
Study of leNet implementation in Python3.6 with Keras+Tensorflow backend.
Size: 383 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

ajulyav/Neural_Network_MNIST
Simple NN for MNIST Recognition
Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

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.
Language: Python - Size: 36 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0
