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

GitHub topics: mnist-classification

shettysach/Kannada-Digit-Recognizer-v1 📦

Using a Convolutional Neural Network (CNN) to identify the Kannada numerical digits. Tensorflow (Keras) is used to create, train and load the neural network model. CustomTKinter/TKinter are used to provide the GUI and OpenCV is used to read input form the GUI.

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

Achintya47/Fast-Gradient-Sign-Attack

Training an Image Classification model and then attacking it , pretty fun

Language: Jupyter Notebook - Size: 403 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

ridwaanhall/Neural-Network-from-Scratch

A professional implementation of a neural network from scratch using only NumPy for MNIST digit classification.

Language: Python - Size: 8.56 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

enheragu/mnist-learning-playground

Just repository with code to play MNIST dataset and different learning models

Language: Python - Size: 131 KB - Last synced at: 7 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

ShyamSundhar1411/Visionify-Backend

🧠 Visionify is an interactive image classification platform. 🚀 This is its backend API built with FastAPI, clean architecture, and DI—supporting MNIST, Fashion MNIST, and CIFAR-10.

Language: Python - Size: 235 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

jongoiko/gb-nn

Neural network handwritten digit recognition on a Game Boy

Language: Assembly - Size: 3.83 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

zeeshanhxider/MNIST-Vanilla-Python-Classifier

This repository contains a fully implemented feedforward neural network built from scratch in Python using only NumPy. The network is trained and tested on the MNIST digits dataset and the Fashion MNIST dataset. No high-level deep learning libraries are used for the core training loops or architecture.

Language: Python - Size: 1.46 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

Abhiek187/MiniBrainAge

An Android app where users draw a number and machine learning does the rest

Language: Kotlin - Size: 9.56 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 2 - Forks: 0

Supposeduck30/mnist-digit-identifier-neural-network

Neural network that learns to identify digits 1-9.

Language: Python - Size: 1.95 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

Shikhargupta/Spiking-Neural-Network

Pure python implementation of SNN

Language: Python - Size: 2.26 MB - Last synced at: 28 days ago - Pushed at: almost 3 years ago - Stars: 1,104 - Forks: 289

lencemajzovska/digit-classification-mnist

Handwritten digit classification using machine learning (Logistic Regression, Random Forest, Extra Trees) on MNIST dataset. Deployed as a Streamlit app.

Language: Jupyter Notebook - Size: 978 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Anusha-me/Mnist-digit-classification-cnn

Handwritten digit recognition using a LeNet-style CNN trained on the MNIST dataset.

Language: Jupyter Notebook - Size: 958 KB - Last synced at: 17 days ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

AtticusZeller/Pytorch-Lightning-uv

📦 Zero-config Deep Learning template with PyTorch Lightning, UV package manager, W&B tracking, and modern Python tooling 🚀

Language: Python - Size: 4.28 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

a-fsh-r/CNN-GradCAM

MNIST classification and visualize class activation maps with Pytorch.

Language: Jupyter Notebook - Size: 1.85 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

zbendefy/machine.academy

Neural Network training library in C++ and C# with GPU acceleration

Language: C# - Size: 10.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 13 - Forks: 3

syndicate2k/TwoLayerFCN_Backprop

Simple FCN realisation

Language: Python - Size: 15.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

cmasch/zalando-fashion-mnist

Evaluation of fashion-MNIST with a simple cnn

Language: Jupyter Notebook - Size: 31.1 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 34 - Forks: 15

infinitecoder1729/mnist-dataset-classification

A standard (non-convolution based) neural network to classify the MNIST dataset.

Language: Jupyter Notebook - Size: 1.41 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 1

AngeloGalav/statistical-and-mathematical-methods

Homeworks for the SMMAI course in AI, 2024/2025 edition

Language: Jupyter Notebook - Size: 22 MB - Last synced at: 11 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Shohail-Ismail/MNIST-PCA-KNN-Classifier

Python pipeline for MNIST digit classification with PCA for dimensionality reduction and K-Nearest Neighbours with inverse-distance weighting. Includes training, evaluation, and model-saving capabilities, optimised for noisy and occluded datasets.

Language: Python - Size: 919 KB - Last synced at: 2 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

m-jovanovic/digit-recognizer

Small neural network framework developed in C#, specialized in digit classification (MNIST dataset)

Language: C# - Size: 96.2 MB - Last synced at: 3 days ago - Pushed at: 11 months ago - Stars: 54 - Forks: 12

shervinnd/CNN-model-for-Mnist

This project implements a Convolutional Neural Network (CNN) trained on the MNIST dataset for handwritten digit recognition. The model achieves 100% accuracy on the test set, demonstrating its effectiveness in classifying digits with high precision.

Language: Jupyter Notebook - Size: 792 KB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

raphaeldenni/mninst-training-app

This is a simple digit classifier using the MNIST dataset. It uses a convolutional or dense neural network to classify the digits.

Language: Python - Size: 1.37 MB - Last synced at: 20 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

anujdutt9/Handwritten-Digit-Recognition-using-Deep-Learning

Handwritten Digit Recognition using Machine Learning and Deep Learning

Language: Python - Size: 13.4 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 249 - Forks: 134

azimonti/MNIST-classification

Neural network training for MNIST digit classification using SGD and GA

Language: C++ - Size: 48.8 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

alimiheb/Three-CNN-Models-for-MNIST-Digit-Classification

"Implementation of three distinct Convolutional Neural Network (CNN) models foThis project demonstrates data normalization, model construction, training, and evaluation, achieving high accuracy on digit classification. Includes visualizations and performance comparisons of the three CNN architectures.

Language: Jupyter Notebook - Size: 147 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Shivam3804/MNIST_Classification

Classification using Simple Feedforword Neural Network and Convolutionary Neural Network

Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Haozhe-py/PyTorchMNIST

A PyTorch CNN model.

Language: Python - Size: 7.36 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

joseph-ishola/Image-recognition-MNIST

This project implements and evaluates a Deep Neural Network (DNN) for handwritten digit classification using the MNIST dataset.

Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Laiba-Iqrar/Machine-Learning-Essentials

This repo contains the Machine Learning Quizzes, Exercises and Lab Works

Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

aymaneELHICHAMI/FNN-digit-recognition-demo

Implementing a simple fully connected neural network using PyTorch to classify handwritten digits from the MNIST dataset.

Language: Jupyter Notebook - Size: 21.6 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

CAI991108/Deep-Learning-Utils

This repository chronicles my journey through fundamental and advanced deep learning concepts. Each project is a battle-tested module combining rigorous theory with practical implementation.

Language: Jupyter Notebook - Size: 37 MB - Last synced at: 27 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

EricLBuehler/PerceiverIO-Classifier

A classifier based on PerceiverIO

Language: Jupyter Notebook - Size: 271 KB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 9 - Forks: 1

MaloLM/educational-neural-network-framework

Python implementation of an artificial neural network aimed at deeply mastering the underlying concepts that drive neural networks. This project is inspired by Andrej Karpathy and Russ Salakhutdinov.

Language: Jupyter Notebook - Size: 9.41 MB - Last synced at: about 10 hours ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

dougbrion/pytorch-classification-uncertainty

This repo contains a PyTorch implementation of the paper: "Evidential Deep Learning to Quantify Classification Uncertainty"

Language: Python - Size: 9.45 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 468 - Forks: 63

aquanixo/machine-learning-digits-classification

Classification of handwritten digits using classical machine learning methods with model optimization and evaluation on the Scikit-learn Digits dataset

Language: Jupyter Notebook - Size: 2.13 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

mariyakhannn/MNIST_v2

Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

hwalsuklee/tensorflow-mnist-cnn

MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc are implemented.

Language: Python - Size: 168 MB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 202 - Forks: 96

bat67/TibetanMNIST

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

Language: Jupyter Notebook - Size: 109 MB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 33 - Forks: 11

amitshekhariitbhu/AndroidTensorFlowMNISTExample

Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)

Language: Java - Size: 15.4 MB - Last synced at: about 2 months ago - Pushed at: 12 months ago - Stars: 463 - Forks: 97

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: 3 months ago - Pushed at: about 6 years ago - Stars: 11 - Forks: 1

pelayo-felgueroso/mnist-paint-classifier

Train a CNN on MNIST and classify digits drawn in Paint

Language: Python - Size: 12.6 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

eilonyaffe/OSR_trained_on_MNIST

image classification model, trained on MNIST, evaluated on OSR

Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

kurosawaxyz/pen-based-recognition-of-handwritten-digits

Pen-based recognition of handwritten digits using Supervised and Unsupervised Learning

Language: Python - Size: 1.78 MB - Last synced at: 10 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

hamarshehmhmd/mnist-neural-network

Language: Python - Size: 43.9 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

PRITHIVSAKTHIUR/Mnist-Digits-SigLIP2

classify handwritten digits (0-9)

Language: Python - Size: 11.7 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

dp-ops/SVC_on_Mnist_n_Cifar-10

Notebook checking classification method using Support Vector Machines

Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

dayyass/simple-mnist-bot

Telegram Bot with Keras Simple MNIST ConvNet.

Language: PureBasic - Size: 396 KB - Last synced at: 5 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

khyatimahendru/Dimensionality-Reduction

This is an implementation of 3 dimensionality reduction techniques - PCA, SVD, and tSNE for visualization of high dimensional data in 2D and 3D.

Language: Jupyter Notebook - Size: 5.79 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 1

sneakin/CooCoo

Neural networks in Ruby & CUDA.

Language: Ruby - Size: 11.8 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 7 - Forks: 1

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: 3 months ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 7

n3cr0zx/MNIST-Classifer

Language: Python - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AsadiAhmad/Image-Classification-LDA-and-PCA

Image Classification with Perceptron and LDA and PCA dimension reduction

Language: Jupyter Notebook - Size: 481 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 26 - Forks: 0

oliverharboe/NeuralNetwork_From_Scratch

NeuralNetwork build from scrath using python and numpy

Language: Python - Size: 9.43 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

hwalsuklee/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.

Language: Python - Size: 1.62 MB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 55 - Forks: 17

saurabh-takle/MNIST-Handwritten-Digit-Recognition

The MNIST dataset consists of 0-9 digits with black background and white digit. The Handwritten digit recognition successfully identifies all the handwritten digits using sequential model.

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

Chandrashekar0123/Deep_Learning

This Repository consists of all Deep Learning related projects

Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

TahirZia-1/Neural-Networks-MNIST-in-Python

Implementations of neural networks in python for the classification of MNIST datasets.

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Rex-8/MNIST-4-layer

Implementing a 4 layer neural to identify digits from a 28x28 grid using just python and numpy

Language: Python - Size: 107 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

mafda/ml_with_fastapi_and_streamlit

Prototyping a Machine Learning Application with Streamlit, FastAPI, Hugging Face and Docker

Language: Python - Size: 32 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 6

AvaAvarai/Multi_Row_Parallel_Coordinates

Under development novel visualization method using Parallel Coordinates in multi-row layouts for visual analytics and visual computing of image data in the natural ground-truth pixel order.

Language: Python - Size: 20.9 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

NoahFeldt/ANN-From-Scratch

Implementation of a multi layer perceptron artificial neural network from scratch that is tested using the MNIST dataset.

Language: Python - Size: 380 KB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

tsaruggan/mnist-digit-classification

neural network from scratch in C++

Language: C++ - Size: 12.7 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

anselm67/CUDA_mnist

A CUDA implementation of MNIST - for CUDA beginners.

Language: Cuda - Size: 19.5 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Game4all/mnist-from-scratch

🔍 Handwritten digit classifier neural network written and trained on MNIST dataset from scratch using Zig programming language.

Language: Zig - Size: 14.7 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

douniablk/Classification

Language: Jupyter Notebook - Size: 334 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hk-kumawat/Handwritten-Digit-Recognizer

🔢 The Handwritten Digit Recognizer uses a CNN model to classify handwritten digits (0–9), providing a user-friendly interface where users can draw a digit and receive real-time predictions of the input digit.

Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

ChaitanyaC22/Neural-Network-using-Numpy

Introduction to Neural Networks (Create a neural network using Numpy)

Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: 29 days ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

ChaitanyaC22/Multi-Input-Multi-Output-MNIST-Image-Digit-and-Summed-Output-Classification

The goal of this project is to build a neural network that takes an MNIST handwritten digit (0-9) image and a random number (digit 0-9) as inputs and returns the predicted class label (0-9) for the input image and its addition (sum) with the input random number as summed output (range 0-18) label as outputs.

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

YeongHyeon/ResNet-with-LRWarmUp-TF2

TensorFlow implementation of "Accurate, Large Minibatch SGD: Training ImageNet in 1 Hour"

Language: Python - Size: 109 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 1

tanisha-gg/ML-MNIST-Classification

A VAE (Variational Auto Encoder) and a multi-label classifier to write and classify even digits of MNIST data.

Language: Python - Size: 2.69 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

b2b3nchy/MNIST-NN

Deep neural network trained with MNIST.

Language: Jupyter Notebook - Size: 291 KB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

DilipKhunti/MNIST-Neural-Network-Java

This repository contains a simple neural network implementation in Java, trained on the MNIST dataset. The network is designed to recognize handwritten digits, achieving this by calculating and adjusting weights and biases during training. The resulting weights and biases are stored in a log file for future use.

Language: Java - Size: 7.77 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

MainakRepositor/Deep-Learning-Python

A collection of some cool deep learning projects in python

Language: Jupyter Notebook - Size: 878 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 24 - Forks: 1

apotursun963/Neural-Network

Artificial Neural Network from scratch

Language: Python - Size: 1020 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 1

aryansk/MNIST-Deep-Learning-Exploration

This repository contains implementation of various deep learning approaches for the MNIST handwritten digit classification task, using both scikit-learn and Keras frameworks.

Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

lucko515/pixelrnn

Implementation of a, simple, recurrent neural network used for a image classification.

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 8

SwamiKannan/Neural-Network-from-scratch-Numpy

Creating a basic NN from scratch to detect numbers from the MNIST dataset using Numpy

Language: Jupyter Notebook - Size: 940 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

machine-learning-from-scratch/gardenpy-releases

A machine learning library coded from scratch with demos.

Language: Python - Size: 165 KB - Last synced at: 6 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

arpanpramanik2003/mnist-digit-classification Fork of chandadiya2004/mnist-digit-classification

This repository demonstrates MNIST digit classification using deep learning. It includes a neural network model built with frameworks like TensorFlow to classify handwritten digits (0-9) from the MNIST dataset. The project covers data loading, preprocessing, model training, evaluation, and accuracy visualization.

Language: Jupyter Notebook - Size: 276 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

IAmFarrokhnejad/Neural-Network

A simple neural network without reliance on any NN library.

Language: Python - Size: 5.86 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

tirthajyoti/MNIST_digit_recognition

MNIST hand-written digit recognition by fully-connected and convolutional neural networks - boiler plate code for easy reproduction and tutorial purpose.

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

nk12U/MNIST-classification-web-app

This project implements web application of MNIST classification.

Language: JavaScript - Size: 10.1 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

shettysach/ferrograd

Small scalar autograd engine, inspired from Karpathy's micrograd, with some additional features, such as more activation functions, optimizers and loss criterions. Capable of MNIST classification.

Language: Rust - Size: 6.05 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 5 - Forks: 1

vuanhtuan1012/deep-learning-with-pytorch

A summarization of the course Deep Learning with PyTorch at Jovian.

Language: Jupyter Notebook - Size: 65.3 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

aishwaryahm3/MNIST-Classification-using-ANN-and-CNN

Implemented ANN and CNN models for classifying handwritten digits from the MNIST dataset achieving 97.51% accuracy with ANN and 98.71% accuracy with CNN. Included data preprocessing, visualization, and performance comparison.

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

BioWar/MNIST-Raspberry-Pi

Numbers classifier built with Keras MNIST dataset and deployed on Raspberry Pi

Language: Jupyter Notebook - Size: 4.91 MB - Last synced at: 12 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

avik-pal/RegNeuralDE.jl

Official Implementation of "Opening the Blackbox: Accelerating Neural Differential Equations by Regularizing Internal Solver Heuristics" (ICML 2021)

Language: Julia - Size: 259 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 26 - Forks: 4

bsiegelwax/784-Dimensional-Quantum-MNIST

Quantum MNIST using amplitude encoding instead of dimensionality reduction.

Language: Jupyter Notebook - Size: 69.3 KB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 1

junwha/MNIST-FPGA-Accelarator

MNIST accelerator using binary qunatization on Xilinx pynq-z2

Language: C++ - Size: 13.4 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 12 - Forks: 2

Pavansomisetty21/MNIST-Classification-using-Keras-MLP-Sequential-

Language: Jupyter Notebook - Size: 122 KB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

drisskhattabi6/Handwritten-Digit-Recognition-MNIST

This Repo contains "Handwritten-Digit-Recognition-MNIST" Notebook, Using Python (Pytorch)

Language: Jupyter Notebook - Size: 1.63 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

JakubSchwenkbeck/Convolutional-Neural-Network

My first attempt on a Convolutional Neural Network written in Java. The CNN is trained with mnist data to recognize handwritten digits form 0-9

Language: Java - Size: 2.68 MB - Last synced at: 7 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ash-sha/DeepLearning

Academic Project

Language: Jupyter Notebook - Size: 63.5 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

shub-garg/Vision-Transformer-VIT-for-MNIST

This repository implements a Vision Transformer (ViT) to classify handwritten digits from the MNIST dataset. The project includes model definition, training scripts, and visualization of results, including correct/incorrect predictions and a confusion matrix.

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

Soumith-Kondubhotla/TF-MNIST-Image-Classification

TensorFlow-MNIST-Classifier is a beginner-friendly project that demonstrates how to build, train, and evaluate a neural network for classifying handwritten digits using TensorFlow and the MNIST dataset. The project includes essential steps such as data preprocessing (reshaping and normalization)

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

gustavz/music_generator

Android App for Music Generation. TUM Master Course Project

Language: Java - Size: 34.5 MB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

raphaelsenn/mnist-numpy

MNIST (Digits & Fashion) Neural Network (MLP) from scratch in raw NumPy, benchmarked against PyTorch.

Language: Python - Size: 2.85 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

matin-ghorbani/VGGNet-PyTorch

Implement VGGNet from scratch using PyTorch

Language: Python - Size: 95.7 KB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 4 - Forks: 0

MilleXi/MNIST_SVM

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

Language: Python - Size: 11 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 11 - Forks: 0

Related Keywords
mnist-classification 887 mnist 273 machine-learning 256 deep-learning 213 neural-network 174 tensorflow 161 python 146 mnist-dataset 115 mnist-handwriting-recognition 112 convolutional-neural-networks 112 keras 90 pytorch 86 neural-networks 86 cnn 84 classification 56 deep-neural-networks 55 numpy 55 python3 53 image-classification 49 cnn-classification 44 computer-vision 41 artificial-intelligence 35 machine-learning-algorithms 34 keras-tensorflow 34 handwritten-digit-recognition 33 ai 29 cnn-keras 29 digit-recognition 26 jupyter-notebook 25 mnist-classifier 24 mnist-image-dataset 21 convolutional-neural-network 21 logistic-regression 20 artificial-neural-networks 19 data-science 18 mnist-model 18 opencv 17 mlp-classifier 17 backpropagation 16 svm-classifier 16 ml 16 mlp 15 scikit-learn 15 linear-regression 14 cifar10 14 tensorflow2 14 fashion-mnist 14 gradient-descent 14 pca 13 deeplearning 13 cpp 13 tensorflow-tutorials 12 perceptron 12 sklearn 12 java 12 stochastic-gradient-descent 12 flask 12 pytorch-implementation 11 pandas 11 feedforward-neural-network 11 knn-classification 11 svm 11 tutorial 11 image-recognition 10 supervised-learning 10 data-visualization 10 lenet-5 10 cnn-model 10 machinelearning 9 matplotlib 9 ann 9 multilayer-perceptron-network 9 image-processing 9 mnist-data 9 resnet 9 android 9 mnist-nn 8 kaggle 8 cifar10-classification 8 cuda 8 backpropagation-algorithm 8 classifier 8 adam-optimizer 8 neural-networks-from-scratch 8 capsule-network 7 from-scratch 7 quantum-computing 7 batch-normalization 7 opencv-python 7 tensorflow-models 7 data-augmentation 7 knn 7 handwriting-recognition 7 random-forest 7 dataset 7 r 7 digit-recognition-mnist 7 transfer-learning 7 multilayer-perceptron 7 python-3 6