lenet
There are 171 repositories under lenet topic.
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
changwoolee/lenet5_hls
FPGA Accelerator for CNN using Vivado HLS
Jackpopc/aiLearnNotes
Artificial Intelligence Learning Notes.
tostq/DeepLearningC
Simple program to learn CNN (LeNet-5) in pure C
lulinchen/cnn_open
A hardware implementation of CNN, written by Verilog and synthesized on FPGA
soapisnotfat/pytorch-cifar10
pytorch and cifar10
MorvanZhou/Tensorflow-Computer-Vision-Tutorial
Tutorials of deep learning for computer vision.
ChawDoe/LeNet5-MNIST-PyTorch
The simplest implementation of LeNet5 with mnist in PyTorch. Accuracy: ~99%
jneless/EyerissF
An Eyeriss Chip (researched by MIT, a CNN accelerator) simulator and New DNN framework "Hive"
philipperemy/tensorflow-class-activation-mapping
Learning Deep Features for Discriminative Localization (2016)
geyang/deep_learning_notes
a collection of my notes on deep learning
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.
cxy1997/MNIST-baselines
Baseline classifiers on the polluted MNIST dataset, SJTU CS420 course project
chih-chun-chang/convolutional-neural-network-from-scratch-python
Handwritten Digit Recognition Using Convolutional Neural Network by Python
sherylll/lenet5-accelerator
FPGA and GPU acceleration of LeNet5
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.
Site1997/LeNet-python
A tiny implementation of LeNet (without deep learning framework)
krishna111809/fingerprint-based-blood-group-detection
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 accurately.
XiaoyiHan6/Simple-CV-Pytorch-master
This code includes classification and detection tasks in Computer Vision, and semantic segmentation task will be added later.
liferlisiqi/Traffic-Sign-Classifier
Classify traffic signs by three classic ConvNets architecture using GTSRB dataset.
Bingmang/pytorch-cifar10-notebook
Training LeNet, VGG, ResNet, DenseNet on CIFAR10 with PyTorch.
hazooree/LeNet-CNN-Accelerator-Hardware-for-FPGA
An open source Verilog Based LeNet-1 Parallel CNNs Accelerator for FPGAs in Vivado 2017
MaitreChen/openvino-lenet-sample
本仓库包含了完整的深度学习应用开发流程,以经典的手写字符识别为例,基于LeNet网络构建。推理部分使用torch、onnxruntime以及openvino框架💖
Ksuryateja/pytorch-cifar10
Training model architectures like VGG16, GoogLeNet, DenseNet etc on CIFAR-10 dataset
ppplinday/TFrecord-Lenet-Vgg19-tensorflow
Implement lenet and vgg19 by tensorflow with dataset mnist using tfrecord
meng1994412/Smile_Detection
Build a CNN (LeNet) model for smile detection
BrandonHanx/Traffic-sign-detection
Project of photoelectric information processing experiment in ZJU, ISEE
ivclab/Sound20
Sound Classification Dataset
yasaspeiris/aragog
A four legged robot imbued with the power of Python and Machine Learning
bhachauk/naruto_eyes_classification
Naruto Characters :smirk_cat: Ocular Power :eyeglasses: Classification :heart: using deep learning :dizzy: machine learning
sbrhss/d2l_pytorch_cpp
Dive to Deep Learning with Pytorch C++ API
arssite/Datalysis
Contains Deep Learning Content and Algorithm. ANN_CNN_RNN(LSTM-GRU)_AUTOENCODER
ebalda/adversarialconvex
Tensorflow implementation for generating adversarial examples using convex programming
systemviewinc/visual-system-integrator
Visual System Integrator - Accelerate your embedded development
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.
jing2018/Final-Project-Group2
Deep Learning -Facial expression recognition -caffe -fer2013