An open API service providing repository metadata for many open source software ecosystems.

Topic: "mnist-handwriting-recognition"

ss-is-master-chief/MNIST-Digit.Recognizer-CNNs

Implementation of CNN to recognize hand written digits (MNIST) running for 10 epochs. Accuracy: 98.99%

Language: Jupyter Notebook - Size: 10.9 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 115 - Forks: 71

GiorgosXou/NeuralNetworks

A resource-conscious neural network implementation for MCUs

Language: C++ - Size: 1.23 MB - Last synced at: 16 days ago - Pushed at: about 1 month ago - Stars: 84 - Forks: 26

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

InnoFang/what-digit-you-write

🎰Handwritten digit recognition application implemented by TensorFlow2 + Keras and Flask.

Language: Python - Size: 195 MB - Last synced at: 16 days ago - Pushed at: over 2 years ago - Stars: 42 - Forks: 13

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: 6 days ago - Pushed at: about 2 years ago - Stars: 39 - Forks: 9

bat67/TibetanMNIST

MNIST of Tibetan handwriting 国产手写藏文MNIST数据集(TibetanMNIST)的图像分类处理与各种好玩的脑洞~

Language: Jupyter Notebook - Size: 109 MB - Last synced at: 17 days ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 12

Shikhargupta/Spiking-Restricted-Boltzmann-Machine

RBM implemented with spiking neurons in Python. Contrastive Divergence used to train the network.

Language: Python - Size: 4.21 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 10

QiushiSun/Statistical-Methods-and-Machine-Learning

2021 Spring (Statistical Methods and Machine Learning) 统计方法与机器学习

Language: Jupyter Notebook - Size: 23.2 MB - Last synced at: 14 days ago - Pushed at: almost 4 years ago - Stars: 22 - Forks: 7

anubhav199/AWS-Fundamentals-Specialization

AWS Fundamentals Specialization Coursera

Size: 4.88 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 21 - Forks: 12

rafi007akhtar/Digit-Classifier

Wrote a neural network that uses fundamental DL algorithms to identify handwritten digits from MNIST dataset.

Language: Jupyter Notebook - Size: 15 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 12

phreakyphoenix/MXNet-GluonCV-AWS-Coursera

This repo includes my solutions to the Coursera course offered by AWS titled "AWS Computer Vision: Getting Started with GluonCV", in addition to more tutorials and in-depth handson labs. Please :star2: the repo if you like it :point_up: Create an Issue or preferably a PR for any improvement. :rocket:

Language: Jupyter Notebook - Size: 52.2 MB - Last synced at: 13 days ago - Pushed at: almost 5 years ago - Stars: 19 - Forks: 12

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

guptajay/Kaggle-Digit-Recognizer

MNIST is the de facto “hello world” dataset of computer vision. In this competition, our goal is to correctly identify digits from a dataset of handwritten images.

Language: Jupyter Notebook - Size: 348 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 13 - Forks: 3

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: 9 days ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 7

KevinTsaiCodes/nvidia-jetbot-workshop

Running some AI examples on NVIDIA Jetson Nano

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 9

coding-ai/raspberrypi_handwritten_recognition

Virtual Pen + Recognition of handwritten digits

Language: Python - Size: 16.6 KB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

tettusud/tensorflow-examples

Basic tensorflow examples with code

Language: Jupyter Notebook - Size: 36.2 MB - Last synced at: 14 days ago - Pushed at: almost 7 years ago - Stars: 9 - Forks: 8

jluisrojas/Unity3D-MNIST-NN

Training a Neural network in Unity 3D to recognize handwritten digits from the MNIST dataset

Language: C# - Size: 36.2 MB - Last synced at: 15 days ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 0

AdamYuan/SimpleNN

a simple neural network

Language: C++ - Size: 25.9 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 1

MadLittleMods/zig-neural-networks

A from scratch neural network library in Zig

Language: Zig - Size: 112 KB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

jvillegasd/handwriting-digits-go

Website that predicts which number you are handwriting!

Language: Jupyter Notebook - Size: 8.21 MB - Last synced at: 8 days ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 0

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

mathurpulkit/MNISTClassifier

An MNIST dataset classifier implemented from scratch in NumPy.

Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

harjyotbagga/MNIST-on-the-web

Recognize Handwritten Digits using Deep Learning on the browser itself.

Language: Python - Size: 4.29 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

JasonFengGit/Naive-Bayes-Number-Recognition

A Naive Bayes hand-written number classifier implemented in Python using only built-in libraries. (MNIST dataset)

Language: Python - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - 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

shafinhasnat/English-digit-recognition-GUI-with-tkinter

Simple english digit recognition GUI

Language: Python - Size: 7.19 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 3

elliebirbeck/tensorflow-digit-recognition

Intro to TensorFlow tutorial code written for DigitalOcean

Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 10

wikke/neural_network_from_scratch

Neural network/Back Propagation implemented from scratch for MNIST.从零开始实现神经网络和反向传播算法,识别MNIST

Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 0

Madhav52/Handwritten-Digit-Recognition-Using-CNN

MNIST Handwritten Digit Classification and Recognition Using Convolutional Neural Network (CNN) Deep Learning

Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 2

PantelisKyriakidis/MNIST-with-Keras

MLP, CNN, RBFN and SVM on MNIST dataset with Keras framework

Language: Python - Size: 11.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 3

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

abhinema/handwritten_digit_recognition_mnist

Handwritten Digit Recognition using MNIST data base

Language: Python - Size: 8.71 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

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: almost 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 6

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

tonmoym2mx/HandwrittenDigitClassifierAndroid

Android App handwritten digit via Tensorflow lite

Language: Jupyter Notebook - Size: 8.69 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 0

345ishaan/Digit-Classification-using-Numpy

MNIST Classification using Neural Network and Back Propagation. Written in Python and depends only on Numpy

Language: Python - Size: 23.2 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 1

sy2002/HWD-Perceptron

Handwritten Digits Recognition using a Perceptron Neural Network

Language: Python - Size: 17.2 MB - Last synced at: 4 days ago - Pushed at: 28 days ago - Stars: 4 - Forks: 1

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: 7 days ago - Pushed at: 7 months ago - Stars: 4 - Forks: 5

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

XAli-SHX/FPGA-Implementation-of-Image-Processing-for-MNIST-Dataset-Based-on-CNN-Algorithm

FPGA Implementation of Image Processing for MNIST Dataset Based on Convolutional Neural Network Algorithm (CNN)

Language: VHDL - Size: 64.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

asaldelkhosh/MNIST-Classification

Building a deep learning model for recognizing handwritten numbers.

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

Necl0/Abacus

MNIST classification w/ Scikit-Learn; deployed to Flask

Language: Python - Size: 7.99 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 2

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

WestedCrean/master-thesis

All of my master's thesis code

Language: Jupyter Notebook - Size: 395 MB - Last synced at: 11 months ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

foersterrobert/MNIST-Drawer

Streamlit web application that uses trained models (e.g. CNNs) to classify digits drawn by users or generated by a Conditional-WGAN-GP. One can choose between models from Pytorch, Keras, and Scikit-learn.

Language: Jupyter Notebook - Size: 282 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 2

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

ahmadsalimi/AiProjects

Artificial Intelligence Projects - Sharif University of Technology - Spring 2020

Language: Jupyter Notebook - Size: 35.9 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

geekgirljoy/OCR_Neural_Network

Examples of PHP-FANN OCR Neural Networks

Language: PHP - Size: 43.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

bundit/neural-network-digit-recognition

Multi-layered Convolutional Neural Network written in C++11

Language: C++ - Size: 11.1 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 2

Rick-van-Dam/Neuralnetworkfromscratch

Shows how to create a neural network from scratch in C# without a 3th party library

Language: C# - Size: 9.18 MB - Last synced at: 12 days ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

sakbarpu/CNN_Classification

The repository implements the a simple Convolutional Neural Network (CNN) from scratch for image classification. I experimented with it on MNIST digits and COIL object dataset.

Language: Matlab - Size: 13.7 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 0

ElefHead/digit_recognition

Fully connected neural network for digit classification using MNIST data

Language: Python - Size: 11 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

johnolafenwa/Neural-Network-Tutorials

Code for my tutorials on Artificial Neural Networks

Language: Python - Size: 6.29 MB - Last synced at: 16 days ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

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

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: 13 days ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

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: 15 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

matrn/C-digit-recognition

Handwritten digits recognition written in C

Language: C - Size: 31.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

imdeep2905/Digit-Recognizer

This is a little project which implements ML model (trained on "Hello World of ML" - MNIST Digit Dataset) in real life.

Language: Python - Size: 22.9 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

AGiannoutsos/Image_Classification_with_Convolutional_Autoencoder

Written digits images classification with Convolutional Autoencoders in Keras

Language: Jupyter Notebook - Size: 81.7 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

Ojaswy/Neural-Networks-to-Recognize-Hand-Written-Digits

Recognizing hand-written digits with an accuracy of 97.52%

Language: MATLAB - Size: 18 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 3 - 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

TapanBhavsar/Handwritten-Digit-Recognition-on-android-mobile

The project can run on any android deivces(>=lollipop) to classify handwritten digits from datatset to app.

Language: Java - Size: 73.2 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 4

ibodumas/linearSVM

This project involves the implementation of efficient and effective LinearSVC 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.

Language: Jupyter Notebook - Size: 283 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 0

hamarshehmhmd/mnist-neural-network

Language: Python - Size: 41 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 2 - 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

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

AlexBoyle/Neural-Network

Personal Project to better my understanding of neural networks by writing one from scratch

Language: C++ - Size: 685 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

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

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: 24 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

agroudiev/MLP-Digits-Recognition

An implementation of a Multilayer Perceptron (MLP) neural network from scratch to recognize handwritten digits.

Language: Rust - Size: 11.2 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

veb-101/mnist-flask_app

Rendering a flask app for hand-written digits recognition.

Language: HTML - Size: 13.6 MB - Last synced at: 12 days ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

SaibalPatraDS/Principle-Component-Analysis

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

srigas/PyTorch_on_Spark

Repository containing Databricks notebooks for the training of a PyTorch model on Spark's distributed environment using the SparkTorch library.

Language: Jupyter Notebook - Size: 265 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

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

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

salmankhaliq22/Federated-Learning-Using-TensorFlow

In this project, I implemented the building blocks of Federated Learning (FL) and trained one from scratch on the MNIST digit data set.

Language: Jupyter Notebook - Size: 72.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

bangard/mnist-image-ai

MNIST learning and testing from images

Language: Jupyter Notebook - Size: 126 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 2

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

RRaphaell/MNIST_FastAI

Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

guerrantif/handwritten_long_numbers_recognition

Implementation of a Convolutional Neural Network able to recognize handwritten long numbers.

Language: Jupyter Notebook - Size: 77.5 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

raspberrysans/neuralnet-with-backpropagation

backpropagation algorithm with one hidden layer using MNIST Handwriting Digits

Language: Jupyter Notebook - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

urastogi885/mnist-digit-recognition

Hand-written digit recognition on MNIST dataset

Language: MATLAB - Size: 11.1 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

kattelsameer/HandWritten-Digit-Recognition-using-Deep-Learning

MNIST based Handwritten Digit Recognition using Deep Learning

Language: HTML - Size: 338 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - 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

itslinotlie/digit-recognizer

Personal project: hand-made OCR machine learning model to recognize digits.

Language: Java - Size: 12.2 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

krishnakaushik25/handwritten_digit_recognizer-DL

Handwritten digit classification onMNIST dataset

Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

su-de-sh/HandwrittenDigitRecognition

Hand written digit recognition

Language: Python - Size: 21.3 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 4

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

Ashish9914/Generating-Handwritten-DIgits

Language: Jupyter Notebook - Size: 254 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

shomikj/caispp

USC CAIS++ Workshops exploring introductory machine learning topics (linear/logistic regression, neural networks, CNNs, RNNs, GANs)

Language: Jupyter Notebook - Size: 870 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - 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

wasimusu/RNNs

Using RNNs / LSTMs for pos-tagging, regression, sentence classifier, mnist classification, etc.

Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

r12habh/Handwritten-digit-recognition-KERAS

Handwritten digit recognition with KERAS achieving 99.52% accuracy

Language: Jupyter Notebook - Size: 170 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

GEMISIS/MNIST

A simple MNIST implementation, used to label handwritten digits from 0-9. The goal of this repository was to show how to create a machine learning model in TensorFlow with Keras and then deploy it across a variety of devices (in this case, through a website and on Android devices).

Language: Kotlin - Size: 24.6 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

RajwardhanShinde/Handwritten-Digits-Recognizer

Famous MNIST dataset is used to build a simple model which can predict handwritten digits

Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

roshanmaind/digit-recognizer

 Machine Learning tool for handwritten digit recognition powered by a custom dynamic feed forward neural network written completely from scratch in C++ and CUDA

Language: C++ - Size: 12.8 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

rishabh-sachdeva/Handwritten-Digit-Detection

Developed Model to detect handwritten digits. Model is trained on MNIST data set, and 10 clusters are achieved as expected.

Language: Jupyter Notebook - Size: 163 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

gitlost-murali/Deconvolution-for-Num-2-Image

Takes a number and generates the images of those numbers. Trained on MNIST using Deconvolution Neural Networks (Fancy word for Transposed Convolution)

Language: Jupyter Notebook - Size: 449 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

Related Topics
mnist 156 machine-learning 139 deep-learning 116 python 111 neural-network 111 mnist-classification 106 mnist-dataset 96 tensorflow 84 keras 64 cnn 50 neural-networks 47 convolutional-neural-networks 47 python3 39 pytorch 36 keras-tensorflow 35 deep-neural-networks 32 handwritten-digit-recognition 30 image-classification 28 jupyter-notebook 28 artificial-intelligence 26 mnist-image-dataset 25 classification 25 numpy 25 computer-vision 23 machine-learning-algorithms 22 cnn-keras 22 artificial-neural-networks 17 digit-recognition 17 cnn-classification 15 ai 13 keras-neural-networks 13 mnist-classifier 13 flask 13 matplotlib 12 tensorflowjs 12 kaggle 10 image-processing 10 convolutional-neural-network 10 scikit-learn 9 handwriting-recognition 9 data-science 9 svm-classifier 9 mnist-data 9 backpropagation 9 mnist-model 9 mnist-nn 9 deeplearning 9 opencv 9 feedforward-neural-network 9 cnn-model 8 logistic-regression 8 flask-application 8 tutorial 8 ml 8 kaggle-competition 8 tensorflow2 7 sklearn 7 backpropagation-algorithm 7 fashion-mnist 7 lenet-5 7 kaggle-digit-recognizer 7 mlp 7 perceptron 7 neuralnetwork 6 ocr 6 svm 6 javascript 6 image-recognition 6 regression 5 tkinter 5 android 5 machinelearning 5 classifier 5 random-forest 5 supervised-learning 5 classification-model 5 cifar10-classification 5 knn-classification 5 digits-recognition 4 tensorflow-models 4 torch 4 ocr-recognition 4 tkinter-gui 4 gan 4 handwritten-digits 4 visualization 4 lstm 4 webapp 4 knn 4 pandas 4 pca 4 python-3 4 jupyter 4 cifar10 4 cnn-for-visual-recognition 4 pygame 4 java 4 backpropagation-learning-algorithm 4 opencv-python 4 quantum-machine-learning 3