All Projects → surmenok → Gtsrb

surmenok / Gtsrb

Licence: mit
Convolutional Neural Network for German Traffic Sign Recognition Benchmark

Projects that are alternatives of or similar to Gtsrb

Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+464.62%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks, convolutional-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+49.23%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks, cnn
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (+120%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn, convolutional-networks
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+84.62%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, convolutional-networks
Tf Adnet Tracking
Deep Object Tracking Implementation in Tensorflow for 'Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning(CVPR 2017)'
Stars: ✭ 162 (+149.23%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn, convolutional-networks
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+318.46%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, convolutional-networks
Human Activity Recognition Using Cnn
Convolutional Neural Network for Human Activity Recognition in Tensorflow
Stars: ✭ 382 (+487.69%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn
Deepface
Deep Learning Models for Face Detection/Recognition/Alignments, implemented in Tensorflow
Stars: ✭ 409 (+529.23%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Self Driving Toy Car
A self driving toy car using end-to-end learning
Stars: ✭ 494 (+660%)
Mutual labels:  self-driving-car, jupyter-notebook, convolutional-networks
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+976.92%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, convolutional-networks
Fire Detection Cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
Stars: ✭ 340 (+423.08%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, convolutional-networks
Music recommender
Music recommender using deep learning with Keras and TensorFlow
Stars: ✭ 528 (+712.31%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn
Tf cnnvis
CNN visualization tool in TensorFlow
Stars: ✭ 769 (+1083.08%)
Mutual labels:  convolutional-neural-networks, cnn, convolutional-networks
Convisualize nb
Visualisations for Convolutional Neural Networks in Pytorch
Stars: ✭ 57 (-12.31%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+476.92%)
Mutual labels:  deep-neural-networks, convolutional-neural-networks, cnn
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+589.23%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+896.92%)
Mutual labels:  jupyter-notebook, deep-neural-networks, convolutional-neural-networks
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-67.69%)
Mutual labels:  jupyter-notebook, deep-neural-networks, cnn
Traffic Sign Classifier
Udacity Self-Driving Car Engineer Nanodegree. Project: Build a Traffic Sign Recognition Classifier
Stars: ✭ 12 (-81.54%)
Mutual labels:  self-driving-car, jupyter-notebook, convolutional-neural-networks
Dl Colab Notebooks
Try out deep learning models online on Google Colab
Stars: ✭ 969 (+1390.77%)
Mutual labels:  jupyter-notebook, deep-neural-networks, cnn

Overview

A convolutional neural network for German traffic sign image classification.

Dataset

German Traffic Sign Recognition Dataset (GTSRB) is an image classification dataset.
The images are photos of traffic signs. The images are classified into 43 classes. The training set contains 39209 labeled images and the test set contains 12630 images. Labels for the test set are not published.
See more details here.

Model

ResNet-34 pretrained on ImageNet dataset, then finetuned on GTSRB dataset.

Deep Learning Libraries

fastai with PyTorch backend.

Metrics

The model achieved 99.22% accuracy on the validation set (random 20% subset of the training dataset).

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].