Topic: "mnist-dataset"
emadRad/lstm-gru-pytorch
LSTM and GRU in PyTorch
Language: Jupyter Notebook - Size: 142 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 218 - Forks: 57

mafda/generative_adversarial_networks_101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Language: Jupyter Notebook - Size: 16.1 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 209 - Forks: 79

philipperemy/tensorflow-phased-lstm
Phased LSTM: Accelerating Recurrent Network Training for Long or Event-based Sequences (NIPS 2016) - Tensorflow 1.0
Language: Python - Size: 1.02 MB - Last synced at: 7 days ago - Pushed at: over 6 years ago - Stars: 128 - Forks: 24

GiorgosXou/NeuralNetworks
A resource-conscious neural network implementation for MCUs
Language: C++ - Size: 1.23 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 84 - Forks: 26

ph1ps/MNIST-CoreML 📦
Predict handwritten digits with CoreML
Language: Python - Size: 4.22 MB - Last synced at: 6 months ago - Pushed at: about 7 years ago - Stars: 66 - Forks: 11

prannayk/videoMultiGAN
End to End learning for Video Generation from Text
Language: Python - Size: 2.27 GB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 64 - Forks: 23

harismuneer/Handwritten-Digits-Classification-Using-KNN-Multiclass_Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Language: Python - Size: 13 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 62 - Forks: 18

thomalm/svhn-multi-digit
Language: Jupyter Notebook - Size: 14.7 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 59 - Forks: 22

omimo/xRBM
Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow
Language: Python - Size: 36.6 MB - Last synced at: 29 days ago - Pushed at: over 7 years ago - Stars: 55 - Forks: 22

floydhub/mnist
Pytorch mnist example
Language: Python - Size: 324 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 43 - Forks: 24

YeongHyeon/CVAE-AnomalyDetection-PyTorch
Example of Anomaly Detection using Convolutional Variational Auto-Encoder (CVAE)
Language: Python - Size: 2.31 MB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 42 - Forks: 2

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

ildoonet/tf-lcnn
Tensorflow implementation for 'LCNN: Lookup-based Convolutional Neural Network'. Predict Faster using Models Trained Fast with Multi-GPUs
Language: Python - Size: 348 KB - Last synced at: 11 months ago - Pushed at: over 7 years ago - Stars: 38 - Forks: 10

christopher-beckham/amr
Official adversarial mixup resynthesis repository
Language: Python - Size: 13.9 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 35 - Forks: 2

PratikGarai/MNIST-Federated
Experiments on MNIST dataset and federated training using Flower framework
Language: Jupyter Notebook - Size: 9.06 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 34 - Forks: 28

rhammell/mnist-draw
Draw and classify digits (0-9) in a browser using machine learning
Language: Python - Size: 7.54 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 27 - Forks: 20

YeongHyeon/MemAE-TF2
TensorFlow implementation of "Memorizing Normality to Detect Anomaly: Memory-augmented Deep Autoencoder for Unsupervised Anomaly Detection"
Language: Python - Size: 736 KB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 25 - Forks: 5

anishsingh20/Deep-Learning-in-R-using-Keras-and-Tensorflow-
Implementing Deep learning in R using Keras and Tensorflow packages for R and implementing a Multi layer perceptron Model on MNIST dataset and doing Digit Recognition
Language: R - Size: 52.7 KB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 25 - Forks: 19

krshrimali/Digit-Recognition-MNIST-SVHN-PyTorch-CPP
Implementing CNN for Digit Recognition (MNIST and SVHN dataset) using PyTorch C++ API
Language: C++ - Size: 14.6 KB - Last synced at: 19 days ago - Pushed at: about 3 years ago - Stars: 24 - Forks: 10

maneprajakta/Digit_Recognition_Web_App
A Hand Written Digit Recognition app trained on the MNIST dataset of Keras using the CNN model. skills used are Tensorflow, HTML,CSS,javascript.
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 22 - Forks: 2

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

integeruser/MNIST-cnn
Convolutional neural networks with Python 3
Language: Python - Size: 110 KB - Last synced at: 6 months ago - Pushed at: over 8 years ago - Stars: 21 - Forks: 14

sunsided/mnist-matlab
MNIST Database of Handwritten Digits for MATLAB
Language: Matlab - Size: 1.95 KB - Last synced at: about 1 month ago - Pushed at: over 8 years ago - Stars: 21 - Forks: 7

evarae/CNN_Tutorial
Hi! Thanks for checking out my tutorial where I walk you through the process of coding a convolutional neural network in java from scratch. After building a network for a university assignment, I decided to create a tutorial to (hopefully) help others do the same and improve my own understanding of neural networks.
Language: Java - Size: 13.7 KB - Last synced at: 8 months ago - Pushed at: about 3 years ago - Stars: 19 - Forks: 3

mikepallister/MNIST-Machine-Learning
Machine Learning MNIST Digits with a Neural Network in Excel
Size: 20 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 19 - Forks: 10

jpowie01/CUDA-DNN-MNIST
Example C++ CUDA implementation for training Neural Network on MNIST dataset
Language: Jupyter Notebook - Size: 1.97 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 19 - Forks: 9

snooky23/K-Sparse-AutoEncoder
Sparse Auto Encoder and regular MNIST classification with mini batch's
Language: Jupyter Notebook - Size: 4.62 MB - Last synced at: 9 months ago - Pushed at: about 7 years ago - Stars: 19 - Forks: 9

YeongHyeon/GANomaly-PyTorch
Implementation of GANomaly with MNIST dataset
Language: Python - Size: 710 KB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 2

irfanchahyadi/Handwriting-Calculator
Implementation of MNIST dataset for handwriting recognition.
Language: Python - Size: 12.7 MB - Last synced at: 28 days ago - Pushed at: about 2 years ago - Stars: 17 - Forks: 1

YeongHyeon/MNIST_AttentionMap
Attention mechanism with MNIST dataset
Language: Python - Size: 873 KB - Last synced at: 13 days ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 0

dedhiaparth98/capsule-network
A TensorFlow implementation of Capsule Network as described in the paper Dynamic Routing Between Capsules
Language: Jupyter Notebook - Size: 287 MB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 17 - Forks: 15

YeongHyeon/RIAD-PyTorch
PyTorch implementation of "Reconstruction by inpainting for visual anomaly detection (RIAD)"
Language: Python - Size: 1.92 MB - Last synced at: 13 days ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 2

Chinmayrane16/MNIST-Digit-Recognizer-CNN-Keras-99.66
Used the Dataset "MNIST Digit Recognizer" on Kaggle. Trained Convolutional Neural Networks on 42000 Training Images and predicted labels on 28000 Test Images with an Validation Accuracy of 99.52% and 99.66% on Kaggle Leaderboard.
Language: Jupyter Notebook - Size: 19.9 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 15 - Forks: 4

YeongHyeon/SKNet-TF2
TensorFlow implementation of "Selective Kernel Networks"
Language: Python - Size: 127 KB - Last synced at: 13 days ago - Pushed at: about 5 years ago - Stars: 14 - Forks: 0

sachin-bisht/Digit-Recognition
Recognize handwritten digits using back-propagation algorithm on MNIST data-set
Language: Python - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 4

heanuea/Mnist-Digit-Reader-
A Web Application Built with Flask and Python that reads images containing numbers with the Help of Tensor-flow should recognize each digit from 0 to 9
Language: HTML - Size: 9.19 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 14 - Forks: 13

Matesxs/GAN-Playground
This repository is about different types of GANs in pytorch, their proper settings and training results
Language: Python - Size: 31.8 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 2

Amirhossein-Rajabpour/Handwritten-Digit-Recognition-from-scratch
Computational Intelligence Course Project
Language: Jupyter Notebook - Size: 999 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 13 - Forks: 0

ankitaggarwal011/MNIST-Sequence
A tool to generate image dataset for sequences of handwritten digits using MNIST database
Language: Python - Size: 1.56 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 4

ar-ms/lstm-mnist
RNN classifier built with Keras to classify MNIST dataset
Language: Python - Size: 11.4 MB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 11

imironica/keras-without-a-phd
A short introduction on deep learning solving a classical OCR problem. This project is a proof of concept performed for the Machine Learning laboratory on University Politehnica of Bucharest
Language: Python - Size: 13.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 2

rhr407/EVAGAN
The repository is dedicated to Evasion Generative Adversarial Network source code.
Language: Jupyter Notebook - Size: 251 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 12 - Forks: 4

YeongHyeon/DGM-TF
TensorFlow implementation of Disentangled Generative Model (DGM) with MNIST dataset.
Language: Python - Size: 3.06 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 0

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

s-omranpour/X-VAE-keras
simple implementations of different kinds of VAE in tf.keras
Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 3

Virv12/DigitRecognition
Handwritten digit recognition implemented in c++ without libraries
Language: C++ - Size: 30.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 0

miro-jelaska/handwritten-digit-recognition
Training and testing done in Python, recognition web done in JavaScript.
Language: JavaScript - Size: 2.62 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 4

YeongHyeon/GANomaly-TF
TensorFlow implementation of GANomaly (with MNIST dataset)
Language: Python - Size: 4.49 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 1

YeongHyeon/Skip-GANomaly
Implementation of Skip-GANomaly with MNIST dataset
Language: Python - Size: 421 KB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 2

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: 24 days ago - Pushed at: almost 6 years ago - Stars: 11 - Forks: 1

sunsided/mnist
MNIST Database of Handwritten Digits
Size: 10.8 MB - Last synced at: about 1 month ago - Pushed at: over 8 years ago - Stars: 11 - Forks: 3

YeongHyeon/GhostNet
TensorFlow implementation of GhostNet: More Features from Cheap Operations.
Language: Python - Size: 180 KB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 4

Ksuryateja/DCGAN-MNIST-pytorch
A DCGAN built on the MNIST dataset using pytorch
Language: Python - Size: 14.7 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 1

daniel-e/mnist_octave
Loading MNIST handwritten digits with Octave
Language: Python - Size: 24.1 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 1

YeongHyeon/DINO_MNIST-PyTorch
Pytorch implementation of "Emerging Properties in Self-Supervised Vision Transformers" (a.k.a. DINO)
Language: Python - Size: 3.33 MB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

YeongHyeon/Normalizing-Flow-TF2
TensorFlow implementation of "Variational Inference with Normalizing Flows"
Language: Python - Size: 81.7 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 0

YeongHyeon/ReXNet-TF2
TensorFlow implementation of "ReXNet: Diminishing Representational Bottleneck on Convolutional Neural Network"
Language: Python - Size: 266 KB - Last synced at: 13 days ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 1

nedeljkovignjevic/handwritten-digit-recognition
Using convolutional neural network and MNIST dataset to recognize handwritten digits
Language: Python - Size: 22 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 1

yuanxiaosc/Deep-Convolutional-Generative-Adversarial-Network
Tensorflow 2. This repository demonstrates how to generate images of handwritten digits (MINIST) using a Deep Convolutional Generative Adversarial Network (DCGAN). 深度卷积生成对抗网络
Language: Jupyter Notebook - Size: 27.1 MB - Last synced at: 2 days ago - Pushed at: almost 6 years ago - Stars: 9 - Forks: 4

MohamedFawzy/tensorflow-getting-started
Tensorflow Quick Introduction
Language: Python - Size: 471 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 0

Muhammad-Hasham-Khalid/Digitizer
Webapp to recognize handwritten digits using mnist model.
Language: JavaScript - Size: 3.86 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 1

LukaszMalucha/Image-Classification
Flask Blueprint & RESTful application with various image classification models.
Language: Python - Size: 208 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 6

consequencesunintended/Pseudo-Labelling
Pseudo Labelling on MNIST dataset in Tensorflow 2.x
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 3

Chirag-Shilwant/One-Shot-Classification-using-Siamese-Network-on-MNIST-Dataset
A Siamese Neural Network is a class of neural network architectures that contain two or more identical subnetworks. ‘identical’ here means, they have the same configuration with the same parameters and weights.
Language: Jupyter Notebook - Size: 111 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 4

YeongHyeon/MemAE
Implementation of Memorizing Normality to Detect Anomaly: Memory-augmented Deep Autoencoder for Unsupervised Anomaly Detection.
Language: Python - Size: 1.39 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 3

YeongHyeon/f-AnoGAN-TF
TensorFlow implementation of f-AnoGAN (with MNIST dataset)
Language: Python - Size: 3.62 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 1

siddharth9820/MoDNN
Implementation of algorithms for memory optimized deep neural network training
Language: Cuda - Size: 11.3 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 2

jayaneetha/colorized-MNIST
A dataset of MNIST Digit with RGB coloured Backgrounds. Can be used for multi objective classification and domain adaptation
Size: 5.17 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 3

bsiegelwax/784-Dimensional-Quantum-MNIST
Quantum MNIST using amplitude encoding instead of dimensionality reduction.
Language: Jupyter Notebook - Size: 69.3 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 1

codeperfectplus/autoEncoders
Deep convolutional autoencoder for image denoising
Language: PureBasic - Size: 11.1 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 1

YeongHyeon/CGAN-TF
TensorFlow implementation of Conditional Generative Adversarial Nets (CGAN) with MNIST dataset.
Language: Python - Size: 3.81 MB - Last synced at: about 1 month ago - Pushed at: over 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

blurred-machine/Computer-Vision-Image-Classification
In this repository I have implemented computer vision on MNIST dataset for images classification for digits between 0-9, fashion clothings and sign language hand signals. The models are implemented using TesorFlow. Feel free to send a PR for any oprimization or modification.
Language: Jupyter Notebook - Size: 48.6 MB - Last synced at: 12 days ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 5

YeongHyeon/ConAD-PyTorch
Implementation of Consistency-based anomaly detection (ConAD)
Language: Python - Size: 2.58 MB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 1

varunagarwal97/Deep-Network-Compression
Compressing Deep Neural Network using Singular Value Decomposition
Language: Jupyter Notebook - Size: 69.3 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 0

Anirudha-N/K-Nearest-Neighbour-using-MNIST-Dataset
This repository consists KNN code using python,Finding optimal K using 10-fold cross validation, Sliding Window approach to increase accuracy.
Language: Python - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 3

captain-pool/DC-GAN 📦
Deep Convolutional Generative Adversarial Network using Keras
Language: Jupyter Notebook - Size: 19.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 0

vllab/TSMC_DL
TSMC course materials for unsupervised learning
Language: Jupyter Notebook - Size: 217 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 1

MyWorkShop/MCNN
Convolutional neural networks written by C++
Language: C++ - Size: 11 MB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 7 - Forks: 0

bkhanal-11/generative-deep-learning
Road towards diffusion models.
Language: Jupyter Notebook - Size: 18.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

LukaszMalucha/Digit-Recognition
Hand-Drawn Digit Recognition with Keras & Flask
Language: Python - Size: 3.77 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1

YeongHyeon/CVAE-AnomalyDetection-TF2
Language: Python - Size: 1.56 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

Abhradipta/Generation-Of-Synthetic-Images-With-DCGANs-In-Keras-From-Fashion-MNIST-Dataset
Generation Of Synthetic Images From Fashion MNIST Dataset With DCGANs In Keras.
Language: Jupyter Notebook - Size: 9.46 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 3

qzhao19/MNIST-AlexNet-Using-Tensorflow
Using AlexNet neural networks for the classic dataset MNIST
Language: Python - Size: 138 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

martinoywa/mnist-mlp-exercise
An MLP to classify images from the MNIST database hand-written digit database with PyTorch
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 6 - Forks: 3

parthendo/Digit-Recognition-ANN
Training an artificial neural network using back-propagation on MNIST dataset
Language: Matlab - Size: 48.6 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 6

captain-pool/MNIST_AutoEncoder 📦
AutoEncoder on MNIST Digit
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 0

itsrainingdata/mnistR
Download and load MNIST data from R
Language: R - Size: 11.7 KB - Last synced at: 26 days ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 1

imanirajian/Machine-Learning
Machine learning: Practical applications
Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 5

YeongHyeon/MLP-Mixer-TF2
TensorFlow implementation of "MLP-Mixer: An all-MLP Architecture for Vision"
Language: Python - Size: 837 KB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

harrypnh/lenet5-from-scratch
LeNet-5 Convolution Neural Network built primarily using NumPy and applied on the MNIST Handwritten Digit Dataset
Language: Python - Size: 18.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 3

deep0892/ml_modeling
Language: Jupyter Notebook - Size: 380 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 0

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

siddheswarc/Image-Classification-and-Reconstruction
Image Classification and Reconstruction using various models such as Bayesian, Logistic Regression, SVM, Random Forest, Neural Network, CNN, RBM, VAE, GAN
Language: Python - Size: 14.9 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 5 - Forks: 1

prateeksawhney97/Digit-Recognition-App-JavaFX
Repository for Digit-Recognition Application using Neural Networks and JavaFX.
Language: Java - Size: 2.94 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 5 - Forks: 0

lucko515/residual-network
The implementation of ResNet using Tensorflow. This implementation is based on this paper: https://arxiv.org/pdf/1603.05027.pdf
Language: Jupyter Notebook - Size: 129 KB - Last synced at: 25 days ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 0

lucko515/deep-convolutional-highway-network
This is the implementation of Highway version of Deep convolutional network, based on https://arxiv.org/pdf/1505.00387.pdf.
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 25 days ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 3

architsingh15/MNIST-dataset-analysis-with-Random-Forest-SVM-and-ConvolutionalNN
Addressing the MNIST Dataset(Hand writing digit recognition) problem using Random Forest Classifier
Language: Python - Size: 8.79 KB - Last synced at: 17 days ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 2

negarhonarvar/Guidance-of-a-Quadcopter-for-Object-Detection
Designed a controller for a quadcopter in order to control its flight over a number of boxs in urban environment for object detection.
Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: 16 days ago - Pushed at: 6 months ago - Stars: 4 - Forks: 0

YeongHyeon/Transformer-TF2
TensorFlow implementation of "Attention is all you need (Transformer)"
Language: Python - Size: 30.9 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 2
