All Projects → davidbrai → Deep Learning Traffic Lights

davidbrai / Deep Learning Traffic Lights

Licence: bsd-2-clause
Code and files of the deep learning model used to win the Nexar Traffic Light Recognition challenge

Projects that are alternatives of or similar to Deep Learning Traffic Lights

Sphereface Plus
SphereFace+ Implementation for <Learning towards Minimum Hyperspherical Energy> in NIPS'18.
Stars: ✭ 151 (-66.96%)
Mutual labels:  jupyter-notebook, caffe
Auto Reid And Others
Auto-ReID and Other Person Re-Identification Projects
Stars: ✭ 198 (-56.67%)
Mutual labels:  jupyter-notebook, caffe
Py Rfcn Priv
code for py-R-FCN-multiGPU maintained by bupt-priv
Stars: ✭ 153 (-66.52%)
Mutual labels:  jupyter-notebook, caffe
Facemaskdetection
开源人脸口罩检测模型和数据 Detect faces and determine whether people are wearing mask.
Stars: ✭ 1,677 (+266.96%)
Mutual labels:  jupyter-notebook, caffe
Textspotter
Stars: ✭ 323 (-29.32%)
Mutual labels:  jupyter-notebook, caffe
Sphereface
Implementation for <SphereFace: Deep Hypersphere Embedding for Face Recognition> in CVPR'17.
Stars: ✭ 1,483 (+224.51%)
Mutual labels:  jupyter-notebook, caffe
Up Down Captioner
Automatic image captioning model based on Caffe, using features from bottom-up attention.
Stars: ✭ 195 (-57.33%)
Mutual labels:  jupyter-notebook, caffe
Picanet
Stars: ✭ 35 (-92.34%)
Mutual labels:  jupyter-notebook, caffe
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (-35.23%)
Mutual labels:  jupyter-notebook, caffe
Orn
Oriented Response Networks, in CVPR 2017
Stars: ✭ 207 (-54.7%)
Mutual labels:  jupyter-notebook, caffe
Keras Oneclassanomalydetection
[5 FPS - 150 FPS] Learning Deep Features for One-Class Classification (AnomalyDetection). Corresponds RaspberryPi3. Convert to Tensorflow, ONNX, Caffe, PyTorch. Implementation by Python + OpenVINO/Tensorflow Lite.
Stars: ✭ 102 (-77.68%)
Mutual labels:  jupyter-notebook, caffe
Vpgnet
VPGNet: Vanishing Point Guided Network for Lane and Road Marking Detection and Recognition (ICCV 2017)
Stars: ✭ 382 (-16.41%)
Mutual labels:  jupyter-notebook, caffe
Training toolbox caffe
Training Toolbox for Caffe
Stars: ✭ 51 (-88.84%)
Mutual labels:  jupyter-notebook, caffe
Seqface
SeqFace : Making full use of sequence information for face recognition
Stars: ✭ 125 (-72.65%)
Mutual labels:  jupyter-notebook, caffe
Bottom Up Attention
Bottom-up attention model for image captioning and VQA, based on Faster R-CNN and Visual Genome
Stars: ✭ 989 (+116.41%)
Mutual labels:  jupyter-notebook, caffe
Deformable Convnets Caffe
Deformable Convolutional Networks on caffe
Stars: ✭ 166 (-63.68%)
Mutual labels:  jupyter-notebook, caffe
All Classifiers 2019
A collection of computer vision projects for Acute Lymphoblastic Leukemia classification/early detection.
Stars: ✭ 22 (-95.19%)
Mutual labels:  jupyter-notebook, caffe
Teacher Student Training
This repository stores the files used for my summer internship's work on "teacher-student learning", an experimental method for training deep neural networks using a trained teacher model.
Stars: ✭ 34 (-92.56%)
Mutual labels:  jupyter-notebook, caffe
Raspberrypi Facedetection Mtcnn Caffe With Motion
MTCNN with Motion Detection, on Raspberry Pi with Love
Stars: ✭ 204 (-55.36%)
Mutual labels:  jupyter-notebook, caffe
Learning
The data is the future of oil, digging the potential value of the data is very meaningful. This library records my road of machine learning study.
Stars: ✭ 330 (-27.79%)
Mutual labels:  jupyter-notebook, caffe

Recognizing Traffic Lights with Deep Learning

This repo contains the files used to train and run the classifier described in this blog post. This was done during a challenge by Nexar to recognize traffic lights based on images taken by their dashcam app.

Dependencies

Caffe with python bindings.

Directory contents:

/model: contain a caffe deploy.prototxt file and three weights files. The three weights files are used together in a model ensemble.

/testing: has jupyter notebook files that run the model and perform the weighted average.

/training: contains the files needed to train the model (except the training data)

Training the model

The images were first converted to lmdb format and resized to 256x256 using this command:

GLOG_logtostderr=1 ~/caffe/build/tools/convert_imageset \
    --resize_height=256 --resize_width=256 --shuffle  \
    ~/nexar/images/ \
    ~/nexar/labels_test.txt \
    ~/nexar/lmdb/test_lmdb

Each model has a directory in training with some or all of the following files:

solver.prototxt   caffe solver file
solver_p2.prototxt  caffe solver file with lower base learning rate
train_val.prototxt  network training file
rotation_layer.py   python caffe layer for data augmentation with rotation

squeeze_net_manual_scratch__os was training from scratch. The other two models were fine-tuning from weights trained on ImageNet. The weights file is named squeezenet_v1.0.caffemodel.

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].