All Projects → mrnabati → Rrpn

mrnabati / Rrpn

Licence: mit
Code for 'RRPN: Radar Region Proposal Network for Object Detection in Autonomous Vehicles' (ICIP 2019)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Rrpn

Autonomous driving
Ros package for basic autonomous lane tracking and object detection
Stars: ✭ 67 (+17.54%)
Mutual labels:  object-detection, autonomous-vehicles
Self Driving Golf Cart
Be Driven 🚘
Stars: ✭ 147 (+157.89%)
Mutual labels:  object-detection, autonomous-vehicles
Vision3d
Research platform for 3D object detection in PyTorch.
Stars: ✭ 177 (+210.53%)
Mutual labels:  object-detection, autonomous-vehicles
Diffgram
Data Annotation, Data Labeling, Annotation Tooling, Training Data for Machine Learning
Stars: ✭ 43 (-24.56%)
Mutual labels:  object-detection
Yolo tensorflow
🚖 Object Detection (YOLOv1) implentation in tensorflow, with training, testing and video features.
Stars: ✭ 45 (-21.05%)
Mutual labels:  object-detection
Lfip
Efficient Featurized Image Pyramid Network for Single Shot Detector, CVPR, 2019
Stars: ✭ 52 (-8.77%)
Mutual labels:  object-detection
Yolov4 Pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
Stars: ✭ 1,070 (+1777.19%)
Mutual labels:  object-detection
Tensorflow Lite Rest Server
Expose tensorflow-lite models via a rest API
Stars: ✭ 43 (-24.56%)
Mutual labels:  object-detection
Mask rcnn ros
The ROS Package of Mask R-CNN for Object Detection and Segmentation
Stars: ✭ 53 (-7.02%)
Mutual labels:  object-detection
Keras Retinanet For Teknofest 2019
Using RetinaNet for object detection from drone images in Teknofest istanbul 2019 Artificial Intelligence Competition
Stars: ✭ 50 (-12.28%)
Mutual labels:  object-detection
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-14.04%)
Mutual labels:  object-detection
Uselfdrivingsimulator
Self-Driving Car Simulator
Stars: ✭ 48 (-15.79%)
Mutual labels:  autonomous-vehicles
Trafficvision
MIVisionX toolkit is a comprehensive computer vision and machine intelligence libraries, utilities and applications bundled into a single toolkit.
Stars: ✭ 52 (-8.77%)
Mutual labels:  object-detection
Det3d
A general 3D object detection codebse.
Stars: ✭ 1,025 (+1698.25%)
Mutual labels:  object-detection
Wheat
Wheat Detection challenge on Kaggle
Stars: ✭ 54 (-5.26%)
Mutual labels:  object-detection
Scuttle
SCUTTLE: Sensing, Connected, Utility Transport Taxi for Level Environments (Texas A&M's open-source Mobile Robot)
Stars: ✭ 42 (-26.32%)
Mutual labels:  autonomous-vehicles
Hsd
Hierarchical Shot Detector (ICCV2019)
Stars: ✭ 53 (-7.02%)
Mutual labels:  object-detection
Ssd Knowledge Distillation
A PyTorch Implementation of Knowledge Distillation on SSD
Stars: ✭ 51 (-10.53%)
Mutual labels:  object-detection
Pytorch Ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
Stars: ✭ 1,054 (+1749.12%)
Mutual labels:  object-detection
Ssd
High quality, fast, modular reference implementation of SSD in PyTorch
Stars: ✭ 1,060 (+1759.65%)
Mutual labels:  object-detection

RRPN: Radar Region Proposal Network for Sensor Fusion in Autonomous Vehicles

Introduction

RRPN is a Region Proposal Network (RPN) exploiting Radar detections to propose Regions of Interest (RoI) for object detection in autonomous vehicles. RRPN provides real-time RoIs for any two-stage object detection network while achieving precision and recall values higher than or on par with vision based RPNs. We evaluate RRPN using the Fast R-CNN network on the NuScenes dataset and compare the results with the Selective Search algorithm.

This project has been updated to work with the full nuScenes dataset (v1.0). The results reported in the paper are based on the Teaser version of the nuScenes dataset (v0.1), which is now deprecated.

Links:

[RRPN on arXive] - [RRPN on IEEE Explore]

Contents

  1. Requirements
  2. Installation
  3. Training
  4. Evaluation and Inference

Requirements

  • Python3.7
  • Caffe2 with GPU support

Installation

  • Clone the repo and install the prerequisites:

    cd ~
    clone https://github.com/mrnabati/RRPN
    cd rrpn
    python -m pip install -r requirements.txt
    
  • Set up Detectron Python modules:

    cd ~/rrpn/detectron 
    make
    
  • Download the NeScenes dataset from its Download Page, unpack the archive files to ~/rrpn/data/nuscenes/ without overwriting folders that occur in multiple archives. Eventually you should have the following folder structure:

    nuscenes
      |__ maps
      |__ samples
      |__ sweeps
      |__ v1.0-mini
      |__ v1.0-test
      |__ v1.0-trainval
    

Training

  • First convert the nuScenes dataset to the COCO format by running the 0_nuscenes_to_coco.sh script under experiments for both training and validation sets. This should result in the following folder structure in the ~/rrpn/data/nucoco directory:

    nucoco
      |__ annotations
      |   |__ instances_train.json
      |   |__ instances_val.json
      |
      |__ train
      |   |__ 00000001.jpg
      |   |__ ...
      |__ val
          |__ 00000001.jpg
          |__ ...
    
  • Generate proposals for the training and validation splits by running the 1_generate_proposals.sh script. This should add an proposals directory in the above structure:

    nucoco
      |__ annotations
      |   |__ instances_train.json
      |   |__ instances_val.json
      |
      |__ proposals
      |   |__ proposals_train.pkl
      |   |__ proposals_val.pkl
      |
      |__ train
      |   |__ 00000001.jpg
      |   |__ ...
      |__ val
          |__ 00000001.jpg
          |__ ...
    
  • Start training by running the 2_train.sh script. Change the config file and other parameters in the script as you wish. If you don't want to train from scratch, download the pre-trained Fast-RCNN model based on your selected config file from the Detectron Model Zoo and fine-tune it on the nuScenes dataset.


Evaluation and Inference

  • Run the 3_test.sh script in the experiments directory to evaluate the trained model on the whole validation set and see the evaluation statistics. Make sure to change the parameters in the script to select the model, config file and dataset you want to evaluate on.
  • Run the 4_inference.sh script to perform inference on a single image from the dataset.

Citing RRPN

If you find RRPN useful in your research, please consider citing.

@inproceedings{nabati2019rrpn,
  title={RRPN: Radar Region Proposal Network for Object Detection in Autonomous Vehicles},
  author={Nabati, Ramin and Qi, Hairong},
  booktitle={2019 IEEE International Conference on Image Processing (ICIP)},
  pages={3093--3097},
  year={2019},
  organization={IEEE}
}
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].