All Projects → jessemelpolio → Faster_rcnn_for_dota

jessemelpolio / Faster_rcnn_for_dota

Licence: apache-2.0
Code used for training Faster R-CNN on DOTA

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Faster rcnn for dota

Faster rcnn pytorch
Faster RCNN with PyTorch
Stars: ✭ 1,589 (+461.48%)
Mutual labels:  faster-rcnn, detection
Pytorch Faster Rcnn
pytorch based implementation faster rcnn
Stars: ✭ 251 (-11.31%)
Mutual labels:  faster-rcnn, detection
Dockerface
Face detection using deep learning.
Stars: ✭ 173 (-38.87%)
Mutual labels:  faster-rcnn, detection
Tffrcnn
FastER RCNN built on tensorflow
Stars: ✭ 898 (+217.31%)
Mutual labels:  faster-rcnn, detection
Shadowless
A Fast and Open Source Autonomous Perception System.
Stars: ✭ 29 (-89.75%)
Mutual labels:  detection, faster-rcnn
Keras object detection
Convert any classification model or architecture trained in keras to an object detection model
Stars: ✭ 28 (-90.11%)
Mutual labels:  faster-rcnn, detection
Caffe Faster Rcnn
faster rcnn c++ version. joint train; please checkout into dev branch (git checkout dev)
Stars: ✭ 210 (-25.8%)
Mutual labels:  faster-rcnn, detection
Faster Rcnn tf
Faster-RCNN in Tensorflow
Stars: ✭ 2,349 (+730.04%)
Mutual labels:  faster-rcnn, detection
yolov5 obb
yolov5 + csl_label.(Oriented Object Detection)(Rotation Detection)(Rotated BBox)基于yolov5的旋转目标检测
Stars: ✭ 1,105 (+290.46%)
Mutual labels:  detection, dota
Rrpn faster Rcnn tensorflow
A tensorflow re-implementation of RRPN: Arbitrary-Oriented Scene Text Detection via Rotation Proposals.
Stars: ✭ 243 (-14.13%)
Mutual labels:  dota, faster-rcnn
Kittibox
A car detection model implemented in Tensorflow.
Stars: ✭ 388 (+37.1%)
Mutual labels:  faster-rcnn, detection
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (-68.55%)
Mutual labels:  detection, faster-rcnn
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (+19.43%)
Mutual labels:  faster-rcnn, detection
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+344.52%)
Mutual labels:  faster-rcnn, detection
R2cnn faster Rcnn tensorflow
Rotational region detection based on Faster-RCNN.
Stars: ✭ 548 (+93.64%)
Mutual labels:  dota, faster-rcnn
Object-Detection-And-Tracking
Target detection in the first frame and Tracking target by SiamRPN.
Stars: ✭ 33 (-88.34%)
Mutual labels:  detection, faster-rcnn
Faster-RCNN-TensorFlow
TensorFlow implementation of Faster RCNN for Object Detection
Stars: ✭ 13 (-95.41%)
Mutual labels:  detection, faster-rcnn
ETWProcessMon2
ETWProcessMon2 is for Monitoring Process/Thread/Memory/Imageloads/TCPIP via ETW + Detection for Remote-Thread-Injection & Payload Detection by VirtualMemAlloc Events (in-memory) etc.
Stars: ✭ 55 (-80.57%)
Mutual labels:  detection
Segmenters lib
The LiDAR segmenters library, for segmentation-based detection.
Stars: ✭ 269 (-4.95%)
Mutual labels:  detection
MinutiaeNet
Code and models for paper "Robust Minutiae Extractor: Integrating Deep Networks and Fingerprint Domain Knowledge" at International Conference on Biometrics (ICB) 2018
Stars: ✭ 93 (-67.14%)
Mutual labels:  detection

Disclaimer

This is the official repo of paper DOTA: A Large-scale Dataset for Object Detection in Aerial Images. This repo contains code for training Faster R-CNN on oriented bounding boxes and horizontal bounding boxes as reported in our paper.

This code is mostly modified by Zhen Zhu and Jian Ding.

If you use these code in your project, please contain this repo in your paper or license. Please also cite our paper:

DOTA: A Large-scale Dataset for Object Detection in Aerial Images
Gui-Song Xia*, Xiang Bai*, Jian Ding, Zhen Zhu, Serge Belongie, Jiebo Luo, Mihai Datcu, Marcello Pelillo, Liangpei Zhang
In CVPR 2018. (* equal contributions)

The code is built upon a fork of Deformble Convolutional Networks. We use the Faster-RCNN part of it and make some modifications based on Faster-RCNN to regress a quadrangle. More details can be seen in our paper. Note that in order to achieve better results, we adjusted the order of the quadrilateral points in the annotations during training. . You can refer to in DOTA_devkit get_best_begin_point.

Requirements: Software

  1. MXNet from the offical repository. We tested our code on [email protected](commit 62ecb60). Due to the rapid development of MXNet, it is recommended to checkout this version if you encounter any issues.

  2. Python 2.7. We recommend using Anaconda2 to manage the environments and packages.

  3. Some python packages: cython, opencv-python >= 3.2.0, easydict. If pip is set up on your system, those packages should be able to be fetched and installed by running:

pip install Cython
pip install opencv-python==3.2.0.6
pip install easydict==1.6
  1. For Windows users, Visual Studio 2015 is needed to compile cython module.

Requirements: Hardware

Any NVIDIA GPUs with at least 4GB memory should be sufficient.

Installation

  1. Clone the repository
git clone https://github.com/jessemelpolio/Faster_RCNN_for_DOTA.git
  1. For Windows users, run cmd .\init.bat. For Linux user, run sh ./init.sh. The scripts will build cython module automatically and create some folders.

Demo & Deformable Model

We provide trained convnet models, including Faster R-CNN models trained on DOTA.

  1. To use the demo with our pre-trained faster-rcnn models for DOTA, please download manually from Google Drive, or BaiduYun and put it under the following folder.

    Make sure it look like this:

    ./output/rcnn/DOTA_quadrangle/DOTA_quadrangle/train/rcnn_DOTA_quadrangle-0059.params
    ./output/rcnn/DOTA/DOTA/train/rcnn_DOTA_aligned-0032.params
    

(Note) We also released the .state files recently. You can download them from Google Drive, or BaiduYun and keep on fine-tuning our well-trained models on DOTA.

Preparation for Training & Testing

  1. Please download DOTA dataset, use the DOTA_devkit to split the data into patches. And make sure the split images look like this:
./path-to-dota-split/images
./path-to-dota-split/labelTxt
./path-to-dota-split/test.txt
./path-to-dota-split/train.txt

The test.txt and train.txt are name of the subimages(without suffix) for train and test respectively.

  1. Please download ImageNet-pretrained ResNet-v1-101 model manually from OneDrive, or BaiduYun, or Google drive, and put it under folder ./model. Make sure it look like this:
    ./model/pretrained_model/resnet_v1_101-0000.params
    

Usage

  1. All of our experiment settings (GPU #, dataset, etc.) are kept in yaml config files at folder ./experiments/faster_rcnn/cfgs.

  2. Set the "dataset_path" and "root_path" in DOTA.yaml and DOTA_quadrangle.yaml. The "dataset_path" should be the father folder of "images" and "labelTxt". The "root_path" is the path you want to save the cache data.

  3. Set the scales and aspect ratios as your wish in DOTA.yaml and DOTA_quadrangle.yaml.

  4. To conduct experiments, run the python scripts with the corresponding config file as input. For example, train and test on quadrangle in an end-to-end manner, run

    python experiments/faster_rcnn/rcnn_dota_quadrangle_e2e.py --cfg experiments/faster_rcnn/cfgs/DOTA_quadrangle.yaml
    
  5. Please find more details in config files and in our code.

Misc.

Code has been tested under:

  • Ubuntu 14.04 with 4 Pascal Titan X GPUs and 32 Intel(R) Xeon(R) CPU E5-2620 v4 @ 2.10GHz

Cite

If you use our project, please cite:

@InProceedings{Xia_2018_CVPR,
author = {Xia, Gui-Song and Bai, Xiang and Ding, Jian and Zhu, Zhen and Belongie, Serge and Luo, Jiebo and Datcu, Mihai and Pelillo, Marcello and Zhang, Liangpei},
title = {DOTA: A Large-Scale Dataset for Object Detection in Aerial Images},
booktitle = {The IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
month = {June},
year = {2018}
}
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].