All Projects → EN10 → KerasMNIST

EN10 / KerasMNIST

Licence: other
Keras MNIST for Handwriting Detection

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to KerasMNIST

tensorflow-mnist-MLP-batch normalization-weight initializers
MNIST classification using Multi-Layer Perceptron (MLP) with 2 hidden layers. Some weight-initializers and batch-normalization are implemented.
Stars: ✭ 49 (+96%)
Mutual labels:  mnist, mnist-classification
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+204%)
Mutual labels:  mnist, mnist-classification
Tf Vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
Stars: ✭ 226 (+804%)
Mutual labels:  mnist
Xtreme-Vision
A High Level Python Library to empower students, developers to build applications and systems enabled with computer vision capabilities.
Stars: ✭ 77 (+208%)
Mutual labels:  keras-tensorflow
CNN-MNIST
CNN classification model built in Keras used for Digit Recognizer task on Kaggle (https://www.kaggle.com/c/digit-recognizer)
Stars: ✭ 23 (-8%)
Mutual labels:  mnist
Vae Cvae Mnist
Variational Autoencoder and Conditional Variational Autoencoder on MNIST in PyTorch
Stars: ✭ 229 (+816%)
Mutual labels:  mnist
handwritten-digit-recognition-tensorflowjs
In-Browser Digit recognition with Tensorflow.js and React using Mnist dataset
Stars: ✭ 40 (+60%)
Mutual labels:  mnist
Cnn From Scratch
A scratch implementation of Convolutional Neural Network in Python using only numpy and validated over CIFAR-10 & MNIST Dataset
Stars: ✭ 210 (+740%)
Mutual labels:  mnist
machine learning course
Artificial intelligence/machine learning course at UCF in Spring 2020 (Fall 2019 and Spring 2019)
Stars: ✭ 47 (+88%)
Mutual labels:  keras-tensorflow
MNIST-CoreML
Predict handwritten digits with CoreML
Stars: ✭ 63 (+152%)
Mutual labels:  mnist
digitRecognition
Implementation of a digit recognition using my Neural Network with the MNIST data set.
Stars: ✭ 21 (-16%)
Mutual labels:  mnist
COVID-19-DETECTION
Detect Covid-19 with Chest X-Ray Data
Stars: ✭ 43 (+72%)
Mutual labels:  keras-tensorflow
Gordon cnn
A small convolution neural network deep learning framework implemented in c++.
Stars: ✭ 241 (+864%)
Mutual labels:  mnist
Fun-with-MNIST
Playing with MNIST. Machine Learning. Generative Models.
Stars: ✭ 23 (-8%)
Mutual labels:  mnist
Gan Tutorial
Simple Implementation of many GAN models with PyTorch.
Stars: ✭ 227 (+808%)
Mutual labels:  mnist
Kervolution
Kervolution implementation using TF2.0
Stars: ✭ 20 (-20%)
Mutual labels:  keras-tensorflow
Vq Vae
Minimalist implementation of VQ-VAE in Pytorch
Stars: ✭ 224 (+796%)
Mutual labels:  mnist
TF2DeepFloorplan
TF2 Deep FloorPlan Recognition using a Multi-task Network with Room-boundary-Guided Attention. Enable tensorboard, quantization, flask, tflite, docker, github actions and google colab.
Stars: ✭ 98 (+292%)
Mutual labels:  keras-tensorflow
Handwritten Digit Recognition
手写数字识别。利用Tensorflow和MNIST实现的一个简单的手写数字识别程序。
Stars: ✭ 22 (-12%)
Mutual labels:  mnist
VAE-Latent-Space-Explorer
Interactive exploration of MNIST variational autoencoder latent space with React and tensorflow.js.
Stars: ✭ 30 (+20%)
Mutual labels:  mnist

Keras MNIST

cnn.py training based on keras mnist_cnn.py
cnnPredict.py inference based on Flask app.py
cnn.h5 pretrained Keras model

TFKeras is based on simplified MNIST For ML Beginners and cnn.py.
TFKeras.py, TFKeras.h5 & TFKpredict only uses Dense and so is less accurate than CNN.
TFKpredict is a slimmed version of cnnPredict.

TFKeras is 92% accurate vs CNN 99.25%
CNN can detect digit 1 better.

Keras.js MNIST CNN Demo

Code Documentation:

  • batch_size number of images per loop step
  • epochs number of train loops
  • num_classes there are 10 digits 0-9
  • x_train.astype('float32') trains faster than int
  • x_train /= 255 from 0-255 to 0-1
  • verbose=1 1 for progress bar logging
  • imread('test3.png',mode='L') ‘L’ (8-bit pixels, black and white)

kerasDataset.py equivalent to TFKeras.py using the keras dataset rather than the tensorflow dataset.
KerasTFDataset.py simplified example of TFKeras.py
jupyter.py has matplotlib and colab examples.

Keras Documentation:

Install

Tensorflow:

sudo pip install -U pip  
sudo pip install tensorflow 

Keras:

sudo apt update 
sudo apt install python-dev 
sudo pip install keras

Save Model:

sudo pip install h5py

imread:

sudo pip install pillow 

disable "cpu_feature_guard":
export TF_CPP_MIN_LOG_LEVEL=2

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].