Topic: "lenet"
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: 9 days ago - Pushed at: over 3 years ago - Stars: 1,023 - Forks: 253

changwoolee/lenet5_hls
FPGA Accelerator for CNN using Vivado HLS
Language: C++ - Size: 105 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 316 - Forks: 92

Jackpopc/aiLearnNotes
Artificial Intelligence Learning Notes.
Language: Python - Size: 638 KB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 273 - Forks: 60

tostq/DeepLearningC
Simple program to learn CNN (LeNet-5) in pure C
Language: C++ - Size: 11.5 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 245 - Forks: 186

MorvanZhou/Tensorflow-Computer-Vision-Tutorial
Tutorials of deep learning for computer vision.
Language: Python - Size: 50.6 MB - Last synced at: 21 days ago - Pushed at: over 4 years ago - Stars: 212 - Forks: 64

soapisnotfat/pytorch-cifar10
pytorch and cifar10
Language: Python - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 201 - Forks: 74

lulinchen/cnn_open
A hardware implementation of CNN, written by Verilog and synthesized on FPGA
Language: Coq - Size: 11.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 181 - Forks: 69

philipperemy/tensorflow-class-activation-mapping
Learning Deep Features for Discriminative Localization (2016)
Language: Python - Size: 54 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 150 - Forks: 42

ChawDoe/LeNet5-MNIST-PyTorch
The simplest implementation of LeNet5 with mnist in PyTorch. Accuracy: ~99%
Language: Python - Size: 10.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 147 - Forks: 49

jneless/EyerissF
An Eyeriss Chip (researched by MIT, a CNN accelerator) simulator and New DNN framework "Hive"
Language: Python - Size: 1.15 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 142 - Forks: 47

geyang/deep_learning_notes
a collection of my notes on deep learning
Language: Jupyter Notebook - Size: 572 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 124 - Forks: 52

thtrieu/essence
AutoDiff DAG constructor, built on numpy and Cython. A Neural Turing Machine and DeepQ agent run on it. Clean code for educational purpose.
Language: Python - Size: 19.4 MB - Last synced at: 24 days ago - Pushed at: over 5 years ago - Stars: 77 - Forks: 18

cxy1997/MNIST-baselines
Baseline classifiers on the polluted MNIST dataset, SJTU CS420 course project
Language: Python - Size: 48.3 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 69 - Forks: 21

chih-chun-chang/convolutional-neural-network-from-scratch-python
Handwritten Digit Recognition Using Convolutional Neural Network by Python
Language: Python - Size: 23.4 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 40 - Forks: 21

mattwang44/LeNet-from-Scratch
Implementation of LeNet5 without any auto-differentiate tools or deep learning frameworks. Accuracy of 98.6% is achieved on MNIST dataset.
Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 10

liferlisiqi/Traffic-Sign-Classifier
Classify traffic signs by three classic ConvNets architecture using GTSRB dataset.
Language: Jupyter Notebook - Size: 21.4 MB - Last synced at: 10 days ago - Pushed at: about 7 years ago - Stars: 24 - Forks: 6

sherylll/lenet5-accelerator
FPGA and GPU acceleration of LeNet5
Language: Objective-C - Size: 1.05 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 23 - Forks: 5

XiaoyiHan6/Simple-CV-Pytorch-master
This code includes classification and detection tasks in Computer Vision, and semantic segmentation task will be added later.
Language: Python - Size: 3.64 MB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 22 - Forks: 2

ppplinday/TFrecord-Lenet-Vgg19-tensorflow
Implement lenet and vgg19 by tensorflow with dataset mnist using tfrecord
Language: Python - Size: 158 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 16 - Forks: 2

MaitreChen/openvino-lenet-sample
本仓库包含了完整的深度学习应用开发流程,以经典的手写字符识别为例,基于LeNet网络构建。推理部分使用torch、onnxruntime以及openvino框架💖
Language: Python - Size: 58.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 15 - Forks: 2

hazooree/LeNet-CNN-Accelerator-Hardware-for-FPGA
An open source Verilog Based LeNet-1 Parallel CNNs Accelerator for FPGAs in Vivado 2017
Language: Jupyter Notebook - Size: 2.52 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 15 - Forks: 4

Ksuryateja/pytorch-cifar10
Training model architectures like VGG16, GoogLeNet, DenseNet etc on CIFAR-10 dataset
Language: Python - Size: 21.8 MB - Last synced at: 6 months ago - Pushed at: almost 6 years ago - Stars: 14 - Forks: 3

meng1994412/Smile_Detection
Build a CNN (LeNet) model for smile detection
Language: Python - Size: 46.8 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 14 - Forks: 12

yasaspeiris/aragog
A four legged robot imbued with the power of Python and Machine Learning
Language: Python - Size: 166 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 6

sbrhss/d2l_pytorch_cpp
Dive to Deep Learning with Pytorch C++ API
Language: C++ - Size: 53 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 4

Bingmang/pytorch-cifar10-notebook
Training LeNet, VGG, ResNet, DenseNet on CIFAR10 with PyTorch.
Language: Jupyter Notebook - Size: 509 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 10 - Forks: 4

ivclab/Sound20
Sound Classification Dataset
Language: Python - Size: 2.7 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 2

bhachauk/naruto_eyes_classification
Naruto Characters :smirk_cat: Ocular Power :eyeglasses: Classification :heart: using deep learning :dizzy: machine learning
Language: Python - Size: 11.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 0

BrandonHanx/Traffic-sign-detection
Project of photoelectric information processing experiment in ZJU, ISEE
Language: Python - Size: 42.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 0

arssite/Datalysis
Contains Deep Learning Content and Algorithm. ANN_CNN_RNN(LSTM-GRU)_AUTOENCODER
Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 2

georgevangelou/A-framework-for-developing-Neural-Networks-in-hardware-accelerators
This framework was part of the Diploma thesis titled "Architectures and Implementations of the Neural Network LeNet-5 in FPGAs". The main goal of this thesis was to create a LeNet-5 implementation in an FPGA development board, but also form a reusable framework/workflow which can be modified to model and develop other Neural Networks as well.
Language: C - Size: 25 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 1

AmeyaWagh/Traffic_sign_classifier
A traffic sign classifier using LeNet for Self driving cars
Language: Jupyter Notebook - Size: 549 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 2

systemviewinc/visual-system-integrator
Visual System Integrator - Accelerate your embedded development
Language: Python - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 6 - Forks: 4

jing2018/Final-Project-Group2
Deep Learning -Facial expression recognition -caffe -fer2013
Language: Python - Size: 6.58 MB - Last synced at: 9 months ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 6

devangi2000/Deep-Learning
A repository for deep learning implementations using TensorFlow and Keras
Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 0

sarthak268/Deep_Neural_Networks
This repository contains Pytorch files that implement Basic Neural Networks for different datasets.
Language: Python - Size: 103 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

ahkarami/3D-LeNet-with-PyTorch
An Implementation of 3D LeNet Model with PyTorch
Language: Python - Size: 1000 Bytes - Last synced at: 27 days ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 2

ragavvenkatesan/tf-lenet
Migrating from Theano to Tensorflow using Lenet as a case study.
Language: Python - Size: 6.46 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 4

pauladj/ml-breaking-wikipedia-captcha
Breaking Wikipedia's captcha using image processing and deep learning techniques
Language: Python - Size: 13.9 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

stracini-git/Pruning-With-Genetic-Algorithm
Finding neural network pruning masks with a genetic algorithm.
Language: Python - Size: 11.7 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

piyush2896/Famous-CNN-Archs-1
Notebook and resources for https://predictiveprogrammer.com/famous-convolutional-neural-network-architectures-1/
Language: Jupyter Notebook - Size: 203 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 2

esterified/MRI-image-CNN
MRI Image classification using LeNet.
Language: Python - Size: 32.2 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

KimRass/dl_based_image_recognition_model
This repository is based on the lecture '딥러닝 기반의 영상 인식 모델 구현'
Language: Jupyter Notebook - Size: 8.97 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

keneoneth/AITestPlatform
AITestPlaform is built as an easy-to-use training/testing/fine-tuning plaform for neural network models based on the Tensorflow framework
Language: Python - Size: 16.8 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

kochlisGit/Tensorflow-MNIST-State-Of-The-Art
Building High Performance Convolutional Neural Networks with TensorFlow
Language: Jupyter Notebook - Size: 32.9 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

nhtlongcs/lenet5-lightning
Re-implement lenet with pytorch lightning (coursework)
Language: Python - Size: 50.8 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

rkshiyaniya/Neural-Network-Architecture-Implementation-for-Image-Classification
This repository contains Implementation of different Nueral Networks in TensorFlow - Python.
Language: Jupyter Notebook - Size: 208 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

wkhademi/CNN-Architectures-for-Image-Classification
A TensorFlow implementation of an assortment of CNN architectures used for image classification (LeNet, AlexNet, VGG-19, ResNet-50, GoogLeNet).
Language: Python - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

samrat-halder/image-classifier-deep-learning
Image Classification with LeNet and AlexNet
Language: Jupyter Notebook - Size: 102 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

dhingratul/Eclectic-Nets
Collection of most popular Deep Learning architechtures trained with tensorflow, keras
Language: Python - Size: 735 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 2

lordtt13/Advanced-CNN
Solutions to the Advanced CNN course by the Lazy Programmer and all CNN Models I've worked on
Language: Python - Size: 196 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

Ahid-Naif/Breaking-Captchas-with-a-CNN
Breaking Captchas using LeNet model
Language: Python - Size: 8.1 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 6

anomic1911/MNIST-Classifiers-PyTorch
MNIST PyTorch Classifiers trained on NVIDIA 940MX GPU
Language: Python - Size: 87.1 MB - Last synced at: 11 months ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

juliuszlosinski/Comparison-of-Convolutional-Neural-Network-Architectures-for-INTERCO
Comparison of CNN architectures for INTERCO flags classification.
Language: Python - Size: 111 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

planetopenllms/lenet.sandbox
LeNet v5 & friends
Language: Python - Size: 51.8 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

prathamk1483/ShenLong
ShenLong is an advanced bot designed to play fighting games using cutting-edge computer vision and deep learning techniques. By implementing LeNet, a deep convolutional neural network, Shenlong can interpret game visuals and make strategic decisions in real-time.
Language: Python - Size: 25.8 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

jmaczan/deep-learning-pytorch
Deep Learning architectures implemented in PyTorch Lightning
Language: Python - Size: 110 KB - Last synced at: 14 days ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

stracini-git/qnn
Training neural nets with quantized weights on arbitrarily specified bit-depth
Language: Python - Size: 1.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

nglaz0v/data-science-algo 📦
Алгоритмы Data Science и их практическая реализация на Python
Language: Jupyter Notebook - Size: 339 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

redayzarra/ml-skincancer-project
This project utilizes a convolutional network to identify 9 different kinds of skin cancers including melanoma, nevus, and more. The model is trained on over 2,200 pictures of various skin cancers based off of this dataset. This model implements fundamental computer vision and classification techniques and includes a step-by-step implementation.
Language: Jupyter Notebook - Size: 5.15 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

redayzarra/CNN_TrafficSigns
This is a machine learning project where I utilized the LeNet-5 architecture to create a convolutional deep network that classifies 43 different kind of traffic signs. I've made sure to include a full step-by-step implementation of the project as well as detailed notes for every step.
Language: Jupyter Notebook - Size: 2.85 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

s3nh/pytorch-cookbook
series from overrated people who have problems with self concious using Pytorch
Language: Python - Size: 3.53 MB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

vanhao-le/LeNet-Pytorch
This repo describes how to train the LeNet CNN model using Pytorch
Language: Python - Size: 1.58 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

wzyjsha-00/CNN-for-Fashion-MNIST
This repository is the implementation of some classical Convolutional Neural Networks for Fashion-MNIST dataset in PyTorch, including LeNet, AlexNet, VGGNet, InceptionNet and ResNet.
Language: Python - Size: 125 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Howeng98/cnn_pytorch
Language: Jupyter Notebook - Size: 277 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Varad99/AI.Healthcare
Here we can provide the projects related medical domain with the help of Data Science techniques.
Language: Jupyter Notebook - Size: 151 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

treblenalto/brain-tumor-classification
Detect brain tumor in X-ray images using deep neural networks
Language: Jupyter Notebook - Size: 1.25 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 3

gnyanesh-bangaru/lenet-5-in-pytorch
Implementation of LeNet-5 over MNIST Dataset using PyTorch from Scratch, presenting an accuracy of ~99%
Language: Python - Size: 49.8 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

rkshiyaniya/Image-Classification-Using-TensorFlow
This repository contains various Image Classification projects which have been built using TensorFlow.
Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

KrishArul26/Image_classification-CNN-
So, Image classification techniques are the basic of object detection So, In this Repository only contain the Image Classification problems and Transfer learning Network frame Work
Language: Jupyter Notebook - Size: 1.96 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

saimj7/Deep-Learning-Algorithms
Deep learning algorithms and applications from famous papers; simple theory; solid code.
Language: Python - Size: 926 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

HarmanDotpy/ML-Assignment2
Implementations of svm's, smo algorithm, neural networks from scratch in python, standard neural network architectures like alexnet, lenet in pytorch, and attempts at zero-shot learning and domain adaptation(paper implementation), as part of the solutions for Assignment 2 of the course ELL409 : Machine Intelligence and Learning taught by Professor Prathosh AP
Language: Jupyter Notebook - Size: 40 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

Vedant2311/Digit-Recognition-System
Implemented LeNet for MNIST Digit Recognition and carried out optimizations using pthreads, openBLAS etc
Language: C++ - Size: 3.71 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

nwrkbiz/mnist-lenet
C++ (AI) digit detection with opencv and dlib
Language: C - Size: 1.56 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

dongkyunk/LeNet-Pytorch
Pytorch implementation of LeNet. Includes parse options to change optimizer, epoch size, lr rate, momentum and etc. "Ten Papers && Ten Implementations"
Language: Python - Size: 33.1 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

amamory-ursa/lenet_cnn Fork of CerfVert94/lenet_cnn
The convolutional neural network LeNet by Yann LeCun. This example tests the weights provided in 4 byte data type with smaller data types (short/ char) in order to test the implemetation in a micro-controller.
Language: C - Size: 439 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

Siddhant-Ray/CNN-Models
Implementation of LeNet, AlexNet and ResNet on a Fashion_MNIST Dataset.
Language: Jupyter Notebook - Size: 99.6 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

weiyx16/Fashion_MNIST_Classification
10 class classification on dataset similar to Fashion-MNIST https://github.com/zalandoresearch/fashion-mnist
Language: Python - Size: 14.4 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

parulc7/LeNet-for-MNIST
Training a LeNet Model proposed by Yenn Lecunn to train on MNIST Handwritten Digits dataset
Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

gkslsahin/image_classification-vgg-lenet
Language: Python - Size: 135 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

jeongwhanchoi/CarND-LeNet-Lab
LeNet Lab
Language: Jupyter Notebook - Size: 126 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

guillemdelgado/LeNet-MNIST
Simple example of a neural network with Tensorflow plus a toy example using MNIST and LeNet architecture with Keras
Language: Python - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

aurangzaib/CarND-Traffic-Sign-Classifier-Project Fork of udacity/CarND-Traffic-Sign-Classifier-Project
Classify Traffic Signs.
Language: HTML - Size: 136 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

claudiordgz/CarND-Traffic-Sign-Classifier-Project
Project 2 Traffic Sign Classifier for Self Driving Car Engineer Nanodegree
Language: Jupyter Notebook - Size: 34.2 MB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 5

Nuyoahwjl/Fashion-MNIST-Chiale
A simple CNN based on LeNet to classify Fashion-MNIST.
Language: Jupyter Notebook - Size: 32.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

2j2h5/lenet-alexnet-vggnet-resnet-comparison
Implemetation of CNN models training with MNIST, CIFAR10 datasets
Language: Python - Size: 48.8 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ssuljo/ml-training-and-deployment
Language: Jupyter Notebook - Size: 50.4 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

siddu907/Blood-prediction-using-finger-print-images
This repository presents an innovative approach to classifying blood groups using fingerprint images through deep learning techniques. The project explores state-of-the-art convolutional neural network (CNN) architectures, such as ResNet, VGG16, AlexNet, and LeNet, to analyze and predict blood groups with the fingerprint images
Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

reshalfahsi/quantum-lenet
Image Recognition with Quantum LeNet
Language: Jupyter Notebook - Size: 931 KB - Last synced at: 14 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

GnanaPrakashSG2004/MNIST-Classification
Implementation of ViT (Vision Transformer) and LeNet from scratch using PyTorch for the MNIST classification task. Ran multiple experiments to understand the impact of dataset size, network depth, optimizer, learning rate, and batch size on model performance
Language: Jupyter Notebook - Size: 95.7 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

jan-grzybek/papers
Implementing / documenting CS papers for its own sake
Language: C - Size: 2.24 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

m-np/pytorch-dl-models
This repo consists of different Deep Learning Models used for various ML tasks.
Language: Python - Size: 137 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ErfanMomeniii/Covid-19-Detection-By-CNN
COVID-19 detection using chest Xray images with LeNet-5 architecture
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ostad-ai/PyTorch-Tutorial
This repository provides topics in PyTorch which is used for Deep Learning
Language: Jupyter Notebook - Size: 3.26 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

quzanh1130/TrafficSignDetection
Using lenet for Traffic Sign Recognition
Language: Jupyter Notebook - Size: 5.19 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

nourhenehanana/Smile_detection
This repository includes a deep learning model based on LeNet for detecting smiles and utilizes the DeepFace framework to recognize the emotion of happiness.
Language: Jupyter Notebook - Size: 398 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

anilesh-prajapati/Machine-Vision-GANs-Deep-Reinforcement-Learning
Machine Vision GANs Deep Reinforcement Learning
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Procedurally-Generated-Human/MNIST-99.50
~99.50% accuracy on MNIST in PyTorch
Language: Python - Size: 114 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

rohit-krish/Coding-CNN-Architectures
Coding Neural Network architectures using PyTorch
Language: Python - Size: 10 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

claireboyd/silent_p
Group project for Machine Learning for Public Policy, using LeNet and Logistic Regression for a computer vision binary classification task
Language: Jupyter Notebook - Size: 1.11 GB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
