All Projects → krumo → Domain Adaptive Faster Rcnn Pytorch

krumo / Domain Adaptive Faster Rcnn Pytorch

Licence: mit
Domain Adaptive Faster R-CNN in PyTorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Domain Adaptive Faster Rcnn Pytorch

Htcn
Implementation of "Harmonizing Transferability and Discriminability for Adapting Object Detectors" (CVPR 2020)
Stars: ✭ 82 (-39.26%)
Mutual labels:  object-detection, domain-adaptation
Scl
Implementation of "SCL: Towards Accurate Domain Adaptive Object Detection via Gradient Detach Based Stacked Complementary Losses"
Stars: ✭ 65 (-51.85%)
Mutual labels:  object-detection, domain-adaptation
Cross Domain Detection
Cross-Domain Weakly-Supervised Object Detection through Progressive Domain Adaptation [Inoue+, CVPR2018].
Stars: ✭ 320 (+137.04%)
Mutual labels:  object-detection, domain-adaptation
Detectron Self Train
A PyTorch Detectron codebase for domain adaptation of object detectors.
Stars: ✭ 99 (-26.67%)
Mutual labels:  object-detection, domain-adaptation
Object Localization
Object localization in images using simple CNNs and Keras
Stars: ✭ 130 (-3.7%)
Mutual labels:  object-detection
Swa object detection
SWA Object Detection
Stars: ✭ 128 (-5.19%)
Mutual labels:  object-detection
Yolo label
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2 https://github.com/AlexeyAB/darknet, https://github.com/pjreddie/darknet
Stars: ✭ 128 (-5.19%)
Mutual labels:  object-detection
Motionblur Detection By Cnn
Stars: ✭ 126 (-6.67%)
Mutual labels:  object-detection
Mxnet.sharp
.NET Standard bindings for Apache MxNet with Imperative, Symbolic and Gluon Interface for developing, training and deploying Machine Learning models in C#. https://mxnet.tech-quantum.com/
Stars: ✭ 134 (-0.74%)
Mutual labels:  object-detection
2d detection
TensorFlow implementation of SqueezeDet, trained on the KITTI dataset.
Stars: ✭ 132 (-2.22%)
Mutual labels:  object-detection
Leagueai
LeagueAI software framework for League of Legends that provides information about the state of the game based on Image Recognition using OpenCV and Pytorch.
Stars: ✭ 128 (-5.19%)
Mutual labels:  object-detection
Universenet
Object detection. EfficientDet-D5 level COCO AP in 20 epochs. SOTA single-stage detector on Waymo Open Dataset.
Stars: ✭ 128 (-5.19%)
Mutual labels:  object-detection
Make Sense
Free to use online tool for labelling photos. https://makesense.ai
Stars: ✭ 2,087 (+1445.93%)
Mutual labels:  object-detection
Pick Place Robot
Object picking and stowing with a 6-DOF KUKA Robot using ROS
Stars: ✭ 126 (-6.67%)
Mutual labels:  object-detection
Shot
code released for our ICML 2020 paper "Do We Really Need to Access the Source Data? Source Hypothesis Transfer for Unsupervised Domain Adaptation"
Stars: ✭ 134 (-0.74%)
Mutual labels:  domain-adaptation
Mfr
Learning Meta Face Recognition in Unseen Domains, CVPR, Oral, 2020
Stars: ✭ 127 (-5.93%)
Mutual labels:  domain-adaptation
Dise Domain Invariant Structure Extraction
Pytorch Implementation -- All about Structure: Adapting Structural Information across Domains for Boosting Semantic Segmentation, CVPR 2019
Stars: ✭ 129 (-4.44%)
Mutual labels:  domain-adaptation
Neuraldialog Zsdg
PyTorch codebase for zero-shot dialog generation SIGDIAL 2018, It is released by Tiancheng Zhao (Tony) from Dialog Research Center, LTI, CMU
Stars: ✭ 131 (-2.96%)
Mutual labels:  domain-adaptation
Centernet Tensorflow
CenterNet: Objects as Points in Tensorflow
Stars: ✭ 129 (-4.44%)
Mutual labels:  object-detection
Color Tracker
Color tracking with OpenCV
Stars: ✭ 128 (-5.19%)
Mutual labels:  object-detection

Domain Adaptive Faster R-CNN in PyTorch

This is a PyTorch implementation of 'Domain Adaptive Faster R-CNN for Object Detection in the Wild', implemented by Haoran Wang([email protected]). The original paper can be found here. This implementation is built on maskrcnn-benchmark @ e60f4ec.

If you find this repository useful, please cite the oringinal paper:

@inproceedings{chen2018domain,
  title={Domain Adaptive Faster R-CNN for Object Detection in the Wild},
      author =     {Chen, Yuhua and Li, Wen and Sakaridis, Christos and Dai, Dengxin and Van Gool, Luc},
      booktitle =  {Computer Vision and Pattern Recognition (CVPR)},
      year =       {2018}
  }

and maskrnn-benchmark:

@misc{massa2018mrcnn,
author = {Massa, Francisco and Girshick, Ross},
title = {{maskrnn-benchmark: Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch}},
year = {2018},
howpublished = {\url{https://github.com/facebookresearch/maskrcnn-benchmark}},
note = {Accessed: [Insert date here]}
}

Installation

Please follow the instruction in maskrcnn-benchmark to install and use Domain-Adaptive-Faster-RCNN-PyTorch.

Example Usage

An example of Domain Adaptive Faster R-CNN with FPN adapting from Cityscapes dataset to Foggy Cityscapes dataset is provided:

  1. Follow the example in Detectron-DA-Faster-RCNN to download dataset and generate coco style annoation files
  2. Symlink the path to the Cityscapes and Foggy Cityscapes dataset to datasets/ as follows:
    # symlink the dataset
    cd ~/github/Domain-Adaptive-Faster-RCNN-PyTorch
    ln -s /<path_to_cityscapes_dataset>/ datasets/cityscapes
    ln -s /<path_to_foggy_cityscapes_dataset>/ datasets/foggy_cityscapes
    
  3. Train the Domain Adaptive Faster R-CNN:
    python tools/train_net.py --config-file "configs/da_faster_rcnn/e2e_da_faster_rcnn_R_50_C4_cityscapes_to_foggy_cityscapes.yaml"
    
  4. Test the trained model:
    python tools/test_net.py --config-file "configs/da_faster_rcnn/e2e_da_faster_rcnn_R_50_C4_cityscapes_to_foggy_cityscapes.yaml" MODEL.WEIGHT <path_to_store_weight>/model_final.pth
    

Pretrained Model & Results

Pretrained model with image+instance+consistency domain adaptation on Resnet-50 bakcbone for Cityscapes->Foggy Cityscapes task is provided. For those who might be interested, the corresponding training log could be checked at here. The following results are all tested with Resnet-50 backbone.

image instsnace consistency [email protected]
Faster R-CNN 24.9
DA Faster R-CNN 38.3
DA Faster R-CNN 38.8
DA Faster R-CNN 40.8
DA Faster R-CNN 41.0

Other Implementation

da-faster-rcnn based on Caffe. (original code by paper authors)

Detectron-DA-Faster-RCNN based on Caffe2 and Detectron.

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