lenet-architecture
There are 64 repositories under lenet-architecture topic.
tahaemara/multi-digit-segmentation-and-recognition
Handwritten Multi-digit String Segmentation and Recognition using Deep Learning.
ThinamXx/MachineLearning__Algorithms
I am working on implementing Machine Learning Algorithms from scratch.
hparik11/German-Traffic-Sign-Recognition
Deep neural networks and convolutional neural networks to classify German traffic signs.
dee-tee/Captcha-Breaker
Contains python files to break simple captchas.
pavitrakumar78/DeepDreamsGIF
A python script to convert GIF into a Google's DeepDream style GIFs.
ragavvenkatesan/tf-lenet
Migrating from Theano to Tensorflow using Lenet as a case study.
zhao-zh10/CarND-Traffic-Sign-Classifier-Project
My Submission For Udacity Self-Driving Car Engineer Nanodegree Program Traffic Sign Classifier Project
avinashhsinghh/CarND-Traffic-sign-classifier
Project: Build a Traffic Sign Recognition Program
dennishnf/basic-cnn-based-games
Some basic CNN-based games controlled by hand poses.
gnyanesh-bangaru/lenet-5-in-pytorch
Implementation of LeNet-5 over MNIST Dataset using PyTorch from Scratch, presenting an accuracy of ~99%
prateeksawhney97/LeNet-5-Convolutional-Neural-Networks
Implementing the LeNet-5 neural network architecture to classify MNIST Digits
Akash1070/Computer-Vision
Building & Deploying Computer Vision Models
Aryan05/TrafficSignClassifier_SelfDrivingCar
I've developed a model using a Convolutional Neural Network (CNN) to classify traffic signs using LeNet architecture
avinashmyerolkar/Deep-Learning-Concepts
The Deep Learning Concepts Repository is a concise and accessible collection of essential concepts in deep learning. It provides clear explanations and examples for neural networks, CNNs, RNNs, activation functions, loss functions, backpropagation, gradient descent, and overfitting/underfitting. An invaluable resource for beginners and practitioner
hadil1999-creator/Research-nternship-InnovCom
Facial Recognition and Emotion detection project with focus on hyperparameter tuning
keyurparalkar/CIFAR-10
ConvNet implementation for CIFAR-10 dataset using pytorch
manankshastri/CarND-Traffic-Sign-Classifier
Traffic Sign Classifier using the German Traffic Sign Dataset
mozammalrahat/Deep-Learning-with-PyTorch
This repository is a collection of PyTorch code examples, covering beginner to advanced topics, and including implementation of CNN models from scratch.
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.
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.
thevarunsharma/Digit-Rec-CNN
A convolutional model for recognition of handwritten digits, plus, the driver program for the same.
gouri1694/CNN_architecture
Different CNN architecture like LeNet, AlexNet,VGGNet,Inception,Resnet is included in this repo
mehdihosseinimoghadam/Pytorch-Tutorial
Pytorch Tutorial & Deep Learning Different architecture
michaellaephillips/ImageDetectionForPlantDisease
Disease identification using keras and LeNet.
NajiAboo/TrafficSignClassification
TrafficSignalClassification Keras Lenet
rezarajan/sdc-traffic-sign-classifier
This project modifies the LeNet convnet architecture to classify traffic signs. It is done for Project 3 in the Udacity Self Driving Car Nanodegree.
srikanth2102/DIGIT---RECOGNITION
In this project we make use of convolutional neural network to recognise digits from 0 to 9. The neural network architecture used in this project is LENET-5.
SurrajKumar2000/RICusingDL
This model develops an accurate system for classifying retinal images to assist in early detection and management of eye conditions.
tairtahar/batchnorm
Batch normalization from scratch on LeNet using tensorflow.keras on mnist dataset. The goal is to learn and characterize batch normalization's impact on the NN performance.
anii21/Machine-learning
This repository is a compilation of machine learning algorithms implemented by me on differnet datasets and I'm currently working on it. The algorithms are categorized based on the types of data they are designed to handle and some of the codes are just a basic descriptions about the algorithms.
liliansteven/LeNet5-implementation
This is an implementation of the LeNet-5 architecture on the Cifar10 and MNIST datasets.
mosopedev/LeNet_traffic-sign-classification
This project utilizes the LeNet CNN architecture to classify traffic signs from a dataset of 32x32 pixel images
NajiAboo/Custom_Lenet
Lenet customisation with more filters, 3*3 filters, Relu activation fucntion
pkovarynng/CarND-Behavioral-Cloning-P3
My solution for the Udacity CarND Behavioral Cloning Project - built and trained a model that drives the car in the Udacity simulator
Rutatu/cds-visual_Assignment_5
This assignment is class assignment 5 for the visual analytics class at Aarhus University, 2021.