All Projects → LCAD-UFES → publications-tabelini-ijcnn-2019

LCAD-UFES / publications-tabelini-ijcnn-2019

Licence: other
Effortless Deep Training for Traffic Sign Detection Using Templates and Arbitrary Natural Images

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to publications-tabelini-ijcnn-2019

Rrpn faster Rcnn tensorflow
A tensorflow re-implementation of RRPN: Arbitrary-Oriented Scene Text Detection via Rotation Proposals.
Stars: ✭ 243 (+1178.95%)
Mutual labels:  faster-rcnn
smd
Simple mmdetection CPU inference
Stars: ✭ 27 (+42.11%)
Mutual labels:  faster-rcnn
Faster RCNN tensorflow
Implementation of Faster RCNN for Vehicle Detection
Stars: ✭ 16 (-15.79%)
Mutual labels:  faster-rcnn
gluon-faster-rcnn
Faster R-CNN implementation with MXNet Gluon API
Stars: ✭ 31 (+63.16%)
Mutual labels:  faster-rcnn
MMTOD
Multi-modal Thermal Object Detector
Stars: ✭ 38 (+100%)
Mutual labels:  faster-rcnn
Real-Time-Object-Detection-API-using-TensorFlow
A Transfer Learning based Object Detection API that detects all objects in an image, video or live webcam. An SSD model and a Faster R-CNN model was pretrained on Mobile net coco dataset along with a label map in Tensorflow. This model were used to detect objects captured in an image, video or real time webcam. Open CV was used for streaming obj…
Stars: ✭ 50 (+163.16%)
Mutual labels:  faster-rcnn
Mmdetection
OpenMMLab Detection Toolbox and Benchmark
Stars: ✭ 17,646 (+92773.68%)
Mutual labels:  faster-rcnn
tf-faster-rcnn
Tensorflow 2 Faster-RCNN implementation from scratch supporting to the batch processing with MobileNetV2 and VGG16 backbones
Stars: ✭ 88 (+363.16%)
Mutual labels:  faster-rcnn
FasterRCNN-pytorch
FasterRCNN is implemented in VGG, ResNet and FPN base.
Stars: ✭ 121 (+536.84%)
Mutual labels:  faster-rcnn
keras-faster-rcnn
keras实现faster rcnn,end2end训练、预测; 持续更新中,见todo... ;欢迎试用、关注并反馈问题
Stars: ✭ 85 (+347.37%)
Mutual labels:  faster-rcnn
py-faster-rcnn-imagenet
Train faster rcnn on imagine dataset, related blog post: https://andrewliao11.github.io/object/detection/2016/07/23/detection/
Stars: ✭ 133 (+600%)
Mutual labels:  faster-rcnn
Shadowless
A Fast and Open Source Autonomous Perception System.
Stars: ✭ 29 (+52.63%)
Mutual labels:  faster-rcnn
Object-and-Semantic-Part-Detection-pyTorch
Joint detection of Object and its Semantic parts using Attention-based Feature Fusion on PASCAL Parts 2010 dataset
Stars: ✭ 18 (-5.26%)
Mutual labels:  faster-rcnn
Pytorch Faster Rcnn
pytorch based implementation faster rcnn
Stars: ✭ 251 (+1221.05%)
Mutual labels:  faster-rcnn
Faster-RCNN-LocNet
A simplified implementation of paper : Improved Localization Accuracy by LocNet for Faster R-CNN Based Text Detection
Stars: ✭ 25 (+31.58%)
Mutual labels:  faster-rcnn
Icevision
End-to-End Object Detection Framework - Pluggable to any Training Library: Fastai, Pytorch-Lightning with more to come
Stars: ✭ 218 (+1047.37%)
Mutual labels:  faster-rcnn
GIouloss CIouloss caffe
Caffe version Generalized & Distance & Complete Iou loss Implementation for Faster RCNN/FPN bbox regression
Stars: ✭ 42 (+121.05%)
Mutual labels:  faster-rcnn
lightDenseYOLO
A real-time object detection app based on lightDenseYOLO Our lightDenseYOLO is the combination of two components: lightDenseNet as the CNN feature extractor and YOLO v2 as the detection module
Stars: ✭ 20 (+5.26%)
Mutual labels:  faster-rcnn
frcnn-from-scratch-with-keras
💥Faster R-CNN from scratch written with Keras
Stars: ✭ 157 (+726.32%)
Mutual labels:  faster-rcnn
Object-Detection-And-Tracking
Target detection in the first frame and Tracking target by SiamRPN.
Stars: ✭ 33 (+73.68%)
Mutual labels:  faster-rcnn

Effortless Deep Training for Traffic Sign Detection Using Templates and Arbitrary Natural Images

Lucas Tabelini Torres, Thiago M. Paixão, Rodrigo F. Berriel, Alberto F. De Souza, Claudine Badue, Nicu Sebe and Thiago Oliveira-Santos

Paper published in IJCNN 2019 Conference. DOI: 10.1109/IJCNN.2019.8852086. Overview

Abstract

Deep learning has been successfully applied to several problems related to autonomous driving. Often, these solutions rely on large networks that require databases of real image samples of the problem (i.e., real world) for proper training. The acquisition of such real-world data sets is not always possible in the autonomous driving context, and sometimes their annotation is not feasible (e.g., takes too long or is too expensive). Moreover, in many tasks, there is an intrinsic data imbalance that most learning-based methods struggle to cope with. It turns out that traffic sign detection is a problem in which these three issues are seen altogether. In this work, we propose a novel database generation method that requires only (i) arbitrary natural images, i.e., requires no real image from the domain of interest, and (ii) templates of the traffic signs, i.e., templates synthetically created to illustrate the appearance of the category of a traffic sign. The effortlessly generated training database is shown to be effective for the training of a deep detector (such as Faster R-CNN) on German traffic signs, achieving 95.66% of mAP on average. In addition, the proposed method is able to detect traffic signs with an average precision, recall and F1-score of about 94%, 91% and 93%, respectively. The experiments surprisingly show that detectors can be trained with simple data generation methods and without problem domain data for the background, which is in the opposite direction of the common sense for deep learning.

Source-code

Faster R-CNN

The Faster R-CNN implementation used in this paper is publicly available here.

Data set generation

New data sets can be generated with the script generate_dataset.py. As described in the paper, background images and templates are necessary.

Pre-trained models

Every model trained is available here. Each model directory follows the following pattern: {experiment}_cycle{id}_binary_train
Where experiment can be "germany", "germany_singleimage", or "coco_gtsd", for the upper bound, lower bound and proposed method experiments, respectively. The id is the run number of the experiment (10 runs for each).

Data sets

GTSDB

The German Traffic Sign Detection Benchmark (GTSDB) data set is available here.

Data sets generated by the proposed method

An example (which was used in the paper) of a data set generated by the proposed method is available here.

Qualitative results

Video1

False False-Positives

The impact of removal of False False-Positives on the metrics and its cases can be seen in the file False-FalsePositives.pdf.

BibTeX


@article{tabelini2019ijcnn,
    Author    = {Lucas Tabelini Torres and Thiago M. Paixão and Rodrigo F. Berriel and Alberto F. De Souza and Claudine Badue and Nicu Sebe and Thiago Oliveira-Santos},
    Booktitle = {International Joint Conference on Neural Networks (IJCNN)},
    Title     = {{Effortless Deep Training for Traffic Sign Detection Using Templates and Arbitrary Natural Images}},
    Year      = {2019},
    DOI       = {10.1109/IJCNN.2019.8852086}
}

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