All Projects → chaoqichen → Htcn

chaoqichen / Htcn

Implementation of "Harmonizing Transferability and Discriminability for Adapting Object Detectors" (CVPR 2020)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Htcn

Cross Domain Detection
Cross-Domain Weakly-Supervised Object Detection through Progressive Domain Adaptation [Inoue+, CVPR2018].
Stars: ✭ 320 (+290.24%)
Mutual labels:  object-detection, domain-adaptation
Domain Adaptive Faster Rcnn Pytorch
Domain Adaptive Faster R-CNN in PyTorch
Stars: ✭ 135 (+64.63%)
Mutual labels:  object-detection, domain-adaptation
Detectron Self Train
A PyTorch Detectron codebase for domain adaptation of object detectors.
Stars: ✭ 99 (+20.73%)
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 (-20.73%)
Mutual labels:  object-detection, domain-adaptation
Data generator object detection 2d
A data generator for 2D object detection
Stars: ✭ 73 (-10.98%)
Mutual labels:  object-detection
Frustum Pointnets
Frustum PointNets for 3D Object Detection from RGB-D Data
Stars: ✭ 1,154 (+1307.32%)
Mutual labels:  object-detection
Fish detection
Fish detection using Open Images Dataset and Tensorflow Object Detection
Stars: ✭ 67 (-18.29%)
Mutual labels:  object-detection
Cross Domain ner
Cross-domain NER using cross-domain language modeling, code for ACL 2019 paper
Stars: ✭ 67 (-18.29%)
Mutual labels:  domain-adaptation
Cnn Paper2
🎨 🎨 深度学习 卷积神经网络教程 :图像识别,目标检测,语义分割,实例分割,人脸识别,神经风格转换,GAN等🎨🎨 https://dataxujing.github.io/CNN-paper2/
Stars: ✭ 77 (-6.1%)
Mutual labels:  object-detection
Tensorflow Object Detection With Tensorflow 2.0
Use the Tensorflow Object Detection API with Tensorflow 2
Stars: ✭ 76 (-7.32%)
Mutual labels:  object-detection
Man
Multinomial Adversarial Networks for Multi-Domain Text Classification (NAACL 2018)
Stars: ✭ 72 (-12.2%)
Mutual labels:  domain-adaptation
Deep Transfer Learning
Deep Transfer Learning Papers
Stars: ✭ 68 (-17.07%)
Mutual labels:  domain-adaptation
Votenet
Deep Hough Voting for 3D Object Detection in Point Clouds
Stars: ✭ 1,183 (+1342.68%)
Mutual labels:  object-detection
Autonomous driving
Ros package for basic autonomous lane tracking and object detection
Stars: ✭ 67 (-18.29%)
Mutual labels:  object-detection
Hand Detection.pytorch
FaceBoxes for hand detection in PyTorch
Stars: ✭ 76 (-7.32%)
Mutual labels:  object-detection
Traffic Rules Violation Detection
The System consists of two main components. Vehicle detection model and A graphical user interface (GUI)
Stars: ✭ 67 (-18.29%)
Mutual labels:  object-detection
Libtlda
Library of transfer learners and domain-adaptive classifiers.
Stars: ✭ 71 (-13.41%)
Mutual labels:  domain-adaptation
Tju Dhd
A newly built high-resolution dataset for object detection and pedestrian detection (IEEE TIP 2020)
Stars: ✭ 75 (-8.54%)
Mutual labels:  object-detection
Panet
PANet for Instance Segmentation and Object Detection
Stars: ✭ 1,170 (+1326.83%)
Mutual labels:  object-detection
Opencv Android Object Detection
This is sample code for object detection using OpenCV on android
Stars: ✭ 70 (-14.63%)
Mutual labels:  object-detection

Harmonizing Transferability and Discriminability for Adapting Object Detectors (CVPR 2020)

A Pytorch Implementation of Harmonizing Transferability and Discriminability for Adapting Object Detectors.

Introduction

Please follow faster-rcnn respository to setup the environment. In this project, we use Pytorch 1.0.1 and CUDA version is 10.0.130.

Datasets

Datasets Preparation

  • Cityscape and FoggyCityscape: Download the Cityscape dataset, see dataset preparation code in DA-Faster RCNN.
  • PASCAL_VOC 07+12: Please follow the instruction to prepare VOC dataset.
  • Clipart: Please follow the instruction to prepare Clipart dataset.
  • Sim10k: Download the dataset from this website.

Datasets Format

All codes are written to fit for the format of PASCAL_VOC.
If you want to use this code on your own dataset, please arrange the dataset in the format of PASCAL, make dataset class in lib/datasets/, and add it to lib/datasets/factory.py, lib/datasets/config_dataset.py. Then, add the dataset option to lib/model/utils/parser_func.py.

Data Interpolation

You should use CycleGAN to generate the interpolation samples for both source and target domain, and then train the model with original and generated data. This step is important for the adaptation from Cityscape to FoggyCityscape and the adaptation from Sim10k to Cityscape. For the adaptation from PASCAL_VOC 07+12 to Clipart, we empirically found that we can also achieve competitive results without interpolation.

Models

Pre-trained Models

In our experiments, we used two pre-trained models on ImageNet, i.e., VGG16 and ResNet101. Please download these two models from:

Download them and write the path in __C.VGG_PATH and __C.RESNET_PATH at lib/model/utils/config.py.

Train

CUDA_VISIBLE_DEVICES=$GPU_ID \
       python trainval_net_HTCN.py \
       --dataset source_dataset --dataset_t target_dataset \
       --net vgg16/resnet101 

Test

CUDA_VISIBLE_DEVICES=$GPU_ID \
       python test_net_HTCN.py \
       --dataset source_dataset --dataset_t target_dataset \
       --net vgg16/resnet101  \
       --load_name path_to_model

Citation

If you find this repository useful, please cite our paper:

@inproceedings{chen2020htcn,
  title={Harmonizing Transferability and Discriminability for Adapting Object Detectors},
  author={Chen, Chaoqi and Zheng, Zebiao and Ding, Xinghao and Huang, Yue and Dou, Qi},
  booktitle={IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
  year={2020}
}
@article{chen2020harmonizing,
  title={Harmonizing Transferability and Discriminability for Adapting Object Detectors},
  author={Chen, Chaoqi and Zheng, Zebiao and Ding, Xinghao and Huang, Yue and Dou, Qi},
  journal={arXiv preprint arXiv:2003.06297},
  year={2020}
}
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].