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

GitHub topics: mnist-classification

mohammad-ghaderi/mnist-asm-nn

A complete neural network built entirely in x86 assembly language that learns to recognize handwritten digits from the MNIST dataset. No frameworks, no high-level languages - just pure assembly - ~7× faster than NumPy

Language: Assembly - Size: 14.6 MB - Last synced at: 30 minutes ago - Pushed at: about 2 hours ago - Stars: 92 - 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: about 21 hours ago - Pushed at: about 23 hours ago - Stars: 1 - Forks: 0

enheragu/mnist-learning-playground

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

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

LakinduRodrigo/ObsCure_MNIST

📝 Enhance handwritten digit recognition using a compact ResNet-inspired PyTorch model with advanced techniques like MixUp and CutMix.

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

joemathew2004/S7-Deep_Learning-Lab_Experiments

This is a repo comprising of S7 DL lab Programs. Programs are designed for educational purposes and demonstrate core Neural Network and Deep Learning concepts.

Language: Python - Size: 438 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

zyna-b/Face-Emotion-Detector-using-CNN

🎭 Real-time facial emotion detection using CNN trained on FER2013 dataset. Built with TensorFlow & Streamlit. Detects 7 emotions: Angry, Disgust, Fear, Happy, Sad, Surprise, Neutral. Live demo available! 😊📊⚡

Language: Jupyter Notebook - Size: 65 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

nomi30701/mnist-playground-tfjs

Mnist dataset playground tensorflowjs

Language: JavaScript - Size: 2.36 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

yas-sim/openvino-gna-example-with-mnist

Sample code to demonstrate how to use GNA unit in Intel CPUs for inferencing.

Language: Python - Size: 24.4 KB - Last synced at: 9 days ago - Pushed at: about 4 years ago - Stars: 2 - 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.29 MB - Last synced at: 17 days ago - Pushed at: 18 days ago - Stars: 3 - Forks: 0

hurkanugur/MNIST-Digit-Classifier

This project implements a CNN for handwritten digit classification on the MNIST dataset using PyTorch. It uses stacked convolutional layers with dropout, batch normalization, and max pooling to classify 28×28 grayscale digits (0–9) with Softmax output.

Language: Python - Size: 26.5 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

oniani/mnist

The Reproducible MNIST

Language: Python - Size: 7.81 KB - Last synced at: 3 days ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

GabbyVByers/Multi-Layer-Perceptron

Language: C++ - Size: 12.3 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

brooks-code/ObsCure_MNIST

A compact PyTorch project for MNIST experiments that combines practical, sometimes underused techniques to achieve strong results

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

matin-ghorbani/VGGNet-PyTorch

Implement VGGNet from scratch using PyTorch

Language: Python - Size: 95.7 KB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 0

britannio/pico-mnist

A mnist classifier trained with Tinygrad running on $1 of compute (Raspberry Pi Pico | ArduCAM Pico4ML)

Language: C - Size: 6.91 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

muichi-mon/MNIST

MNIST Classification: Trained and compared an ANN and a CNN on the MNIST handwritten digits dataset. CNN outperformed ANN by leveraging spatial features in images.

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

boydjawun/MNIST-Classification

Implements a Convolutional Neural Network(CNN) to classify handwritten digits from the MNIST dataset featuring data loading, model training, validation, and visualization of accuracy and loss metrics, achieving a test accuracy of approximately 99.15%.

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

ARUNAGIRINATHAN-K/MNIST-Progressive-ANN

Multi-layer neural network to recognize handwritten digits

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

andreammolteni/mnist-sigmoid

Neural network with one hidden layer for hand-written digits (mnist) using a sigmoid + cross-entropy

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

ThePhantom2307/MNIST-Classification

This project is a handwritten digit classification using my own MLP neural network library on the MNIST dataset

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

haqifa/Fashion-Item-Classifier-Handwritten-Digit-Reader-CNN

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

Ali-Morsal/MNIST-Digit-Classification-with-MLP

This repository contains a PyTorch implementation of a Multi-Layer Perceptron (MLP) for handwritten digit classification using the MNIST dataset. The project includes data loading, preprocessing, training, validation, and evaluation.

Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: about 2 months 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: 11 days ago - Pushed at: about 1 year ago - Stars: 56 - Forks: 13

T-Kalv/Simple-MNIST-Digit-Classifier-Neural-Network

A Simple MNIST Digit Classifier Neural Network that recognises hand-written numerical digits from the MNIST Digit Recogniser Dataset made from scratch* in Python with 7960 trainable parameters...

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

iresil/NeuralNet

A basic neural network built from scratch using C++

Language: C++ - Size: 52.7 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - 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: 315 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

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: about 2 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

Ankittadla14/mnist-digit-classification

Digit classification on the MNIST dataset using a neural network from scratch (NumPy + SciPy) and a CNN (PyTorch)

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

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: 1.25 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

viniciusfinger/MNIST-number-classification

Number classification using machine learning and MNIST Dataset

Language: Jupyter Notebook - Size: 182 KB - Last synced at: 18 days ago - Pushed at: 4 months ago - Stars: 4 - Forks: 0

khharut/mnist_neuralnet

Different approaches to solve MNIST problem with convolutional neural networks

Language: R - Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mateolafalce/mnist

Convolutional Neural Network using PyTorch to classify handwritten digits from the MNIST dataset

Language: Python - Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

oliverharboe/NeuralNetwork_From_Scratch

NeuralNetwork build from scrath using python and numpy

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

marbarlua/Cifar10-Classification

Build and train a CNN for CIFAR-10 image classification. Explore techniques like data preprocessing, model building, and evaluation. 🌟🐙

Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - 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: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

markmusic27/digit-recognition-neural-network

Classifies 28x28px handwritten digits into numbers with ~90% accuracy (no PyTorch!)

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

Aronno1920/Digit-Classifier-MNIST

Build and evaluate a deep learning model that classifies handwritten digits (0–9) using the MNIST dataset. This project will reinforce core deep learning concepts such as data preprocessing, batch normalization, dropout regularization, and model evaluation through visual metrics.

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

Kedhareswer/AI_Digit_Alphabet_Classifier

An interactive web application that uses machine learning to classify handwritten digits (0-9) and letters (A-Z) in real-time. Built with React, TypeScript, and TensorFlow.js.

Language: TypeScript - Size: 76.2 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Mariam-Badr-MB/MNIST-Classification

A simple neural network to classify handwritten digits from the MNIST dataset. Build model with activation functions.

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

Achintya47/Fast-Gradient-Sign-Attack

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

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

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: 4 months ago - Pushed at: about 2 years ago - Stars: 3 - 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: 4 months ago - Pushed at: 4 months 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: 4 months ago - Pushed at: 4 months 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: 4 months ago - Pushed at: 4 months ago - Stars: 0 - 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: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

alishdipani/Digit-Recognizer

Classifying MNIST dataset using model inspired from MobileNet

Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 3

Shikhargupta/Spiking-Neural-Network

Pure python implementation of SNN

Language: Python - Size: 2.26 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 1,104 - Forks: 289

zbendefy/machine.academy

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

Language: C# - Size: 11.1 MB - Last synced at: 30 days ago - Pushed at: 5 months ago - Stars: 13 - Forks: 3

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

syndicate2k/TwoLayerFCN_Backprop

Simple FCN realisation

Language: Python - Size: 15.6 KB - Last synced at: 5 months ago - Pushed at: 5 months 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: 5 months 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: 5 months ago - Pushed at: 5 months 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: 4 months ago - Pushed at: 5 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: 4 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: 2 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

Johnxjp/sudoku_draw

Sudoku where characters are drawn instead of typed.

Language: JavaScript - Size: 3.7 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - 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: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

gustavz/music_generator

Android App for Music Generation. TUM Master Course Project

Language: Java - Size: 34.5 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 2

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: 5 months ago - Pushed at: 8 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: 5 months ago - Pushed at: 6 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: 6 months ago - Pushed at: 6 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: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Haozhe-py/PyTorchMNIST

A PyTorch CNN model.

Language: Python - Size: 7.36 MB - Last synced at: 6 months ago - Pushed at: 6 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: 6 months ago - Pushed at: 6 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: 6 months ago - Pushed at: 6 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: 6 months ago - Pushed at: 6 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: 5 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

EricLBuehler/PerceiverIO-Classifier

A classifier based on PerceiverIO

Language: Jupyter Notebook - Size: 271 KB - Last synced at: 6 months ago - Pushed at: over 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: 23 days ago - Pushed at: 6 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: 6 months ago - Pushed at: almost 2 years 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: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

mariyakhannn/MNIST_v2

Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: 6 months ago - Pushed at: 6 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: 6 months ago - Pushed at: over 7 years ago - Stars: 202 - Forks: 96

bat67/TibetanMNIST

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

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

jrili/rili-deep-learning

Mini projects and comprehensive exam as part of EE398 (Deep Learning) course as taught in the University of the Philippines - Diliman

Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: 17 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

htdgv/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: 18 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

hamarshehmhmd/mnist-neural-network

Language: Python - Size: 43.9 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

PRITHIVSAKTHIUR/Mnist-Digits-SigLIP2

classify handwritten digits (0-9)

Language: Python - Size: 11.7 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - 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: 17.6 MB - Last synced at: 10 days ago - Pushed at: 7 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: 7 months ago - Pushed at: 7 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: 18 days ago - Pushed at: about 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: 7 months ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

sneakin/CooCoo

Neural networks in Ruby & CUDA.

Language: Ruby - Size: 11.8 MB - Last synced at: 8 months ago - Pushed at: 8 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: 29 days ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 7

n3cr0zx/MNIST-Classifer

Language: Python - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 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: 7 months ago - Pushed at: 12 months ago - Stars: 26 - 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: 7 months ago - Pushed at: almost 9 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 1 month 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: 8 months ago - Pushed at: 8 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: 8 months ago - Pushed at: 8 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: 114 KB - Last synced at: 3 months ago - Pushed at: 8 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: 7 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: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

tsaruggan/mnist-digit-classification

neural network from scratch in C++

Language: C++ - Size: 12.7 MB - Last synced at: 8 months ago - Pushed at: 8 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: 5 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

douniablk/Classification

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

Related Keywords
mnist-classification 921 mnist 282 machine-learning 271 deep-learning 224 neural-network 184 tensorflow 164 python 155 mnist-dataset 117 mnist-handwriting-recognition 117 convolutional-neural-networks 115 pytorch 94 keras 93 neural-networks 90 cnn 88 deep-neural-networks 58 numpy 57 classification 57 python3 53 image-classification 50 cnn-classification 46 computer-vision 45 keras-tensorflow 37 handwritten-digit-recognition 36 artificial-intelligence 36 machine-learning-algorithms 35 cnn-keras 33 ai 33 digit-recognition 28 jupyter-notebook 26 mnist-classifier 25 mnist-image-dataset 23 convolutional-neural-network 23 artificial-neural-networks 20 logistic-regression 20 mlp-classifier 19 opencv 19 mnist-model 18 backpropagation 18 data-science 18 ml 17 svm-classifier 17 mlp 16 scikit-learn 16 cifar10 15 linear-regression 15 fashion-mnist 14 tensorflow2 14 gradient-descent 14 pca 13 deeplearning 13 cpp 13 sklearn 12 stochastic-gradient-descent 12 java 12 perceptron 12 kaggle 12 flask 12 tensorflow-tutorials 12 knn-classification 11 feedforward-neural-network 11 tutorial 11 resnet 11 image-processing 11 svm 11 pandas 11 image-recognition 11 pytorch-implementation 11 lenet-5 10 ann 10 supervised-learning 10 cnn-model 10 data-visualization 10 mnist-data 9 digit-recognition-mnist 9 machinelearning 9 matplotlib 9 kaggle-competition 9 random-forest 9 android 9 neural-networks-from-scratch 9 multilayer-perceptron-network 9 cifar10-classification 9 adam-optimizer 8 backpropagation-algorithm 8 handwriting-recognition 8 dataset 8 streamlit 8 from-scratch 8 cuda 8 mnist-nn 8 classifier 8 quantum-computing 7 knn 7 r 7 tensorflow-models 7 capsule-network 7 transfer-learning 7 multilayer-perceptron 7 digit-classification 7 opencv-python 7