digits-recognition
There are 64 repositories under digits-recognition topic.
Daniel-Alvarenga/Number_CNN
Convolutional neural network model for handwritten digit classification, with dataset generator, and drawable input for new digits to test the models. Leave your STAR here and get a FOLLOWING!
zealerww/digits_recognition
a web application of handwritten digits recognition based on Django
IanBurke1/Python-TensorFlow-WebApp
Emerging Technologies Project - 4th Year 2017
omaraflak/first-neural-network
Simple neural network implemented from scratch in C++.
csvance/jetson_tensorrt
ROS TensorRT Inference Nodes for DIGITS on the Jetson
thawro/yolov8-digits-detection
Digits detection with YOLOv8 detection model and ONNX pre/post processing
amineHorseman/mobilenet-v2-custom-dataset
Using Keras MobileNet-v2 model with your custom images dataset
aydinnyunus/DigitRecognizer
Recognize Digits
Jimmy1106/Vision-based-sintering-parameters-reading-system
An automated data collection system that can read sintering data on the meter by a single camera
lizeyan/RBM-digits-recongination
hand-written digits recongnization base on RBM
parham1998/Isolated-Digits-Recognition
Implementation of Persian Isolated-Digits Recognition with Matlab
soft-stech/ttn4j
Simple text-to-numbers library wriiten in java for russian language. Based on https://github.com/Doomer3D/Genesis.CV
suriya-1403/Digits-Recognition
Recognition of digits using Convolution Neural Networks and openCV Concept
monycky/neural-network-handwritten
Artificial Neural Network to identify handwritten digits between 0 and 9
aerolalit/Machine-Learning
This repository contains some of the machine learning scripts that I have implemented as a part of Machine Learning coursework.
AlexKbit/deeplearning-digits
Sample of using deep-learning for digits recognition
cserajdeep/ViT-MNIST-DIGIT-CLASSIFICATION
Vision Transformers in PyTorch MNIST Handwritten Digit Recognition
JustinShenk/digits-classifier
Testing repository for digit classification convolutional network
luizviana/DigitsRecognition
WebCam Real Time Digits Recognition - OpenCV Python3
mrdonliu/Classification
Implementation of multinomial logistic regression, tested on iris, digits, and cifar datasets
olivierbenard/digits-recognition
Find the number of digits hold in the hand through computer vision, using the webcam video feed.
pm4-graders/3ES
Application to scan exam cover pages and aggregate as well as analyze the exam's scores
Red-Rapious/MLP-Digits-Recognition
An implementation of a Multilayer Perceptron (MLP) neural network from scratch to recognize handwritten digits.
yuanzhoulvpi2017/classdigits_inter
Interactive handwritten digit recognition
kmsravindra/kaggle
All kaggle competition related code
Nasif19/Handwritten-Digit-Recognition-System-using-Python
It can recognize Digits from 0 to 9. Used Local Binary Pattern (LBP) and Support Vector Machine (SVM).
tomershay100/Fully-Connected-Neural-Network
Digit recognition (MNIST dataset) using a fully connected neural network (97+ on test)
vijaypurohit/Speech-Processing-HMM-Digits-Recognition
Digits Recognition 0-9 Using Hidden Markov Model in in the Subject Speech Processing CS 566 IITG.
hieunguyent12/ai
experimenting with ai
Demon-2-Angel/Handwritten-Digit-Classification
This document explores the use of Principal Component Analysis (PCA) in a machine learning context, specifically for image classification using a dataset of numerical representations of digits. The dataset is loaded using sci-kit-learn's load_digits function, and initial exploration is conducted to understand its structure.
makcymal/neunet-digit-recog
Simple perceptron to recognize handwritten digits and application to demonstrate this ability
OmidDeldar/Handwritten-Digit-Recognizer
Real-time Handwritten Digit Recognition using Python and OpenCV.