All Projects → HRNet → Hrnet Maskrcnn Benchmark

HRNet / Hrnet Maskrcnn Benchmark

Licence: mit
Object detection with multi-level representations generated from deep high-resolution representation learning (HRNetV2h).

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Hrnet Maskrcnn Benchmark

Robust Physical Attack
Physical adversarial attack for fooling the Faster R-CNN object detector
Stars: ✭ 115 (-0.86%)
Mutual labels:  object-detection, faster-rcnn
Keras object detection
Convert any classification model or architecture trained in keras to an object detection model
Stars: ✭ 28 (-75.86%)
Mutual labels:  object-detection, faster-rcnn
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (+191.38%)
Mutual labels:  object-detection, faster-rcnn
Icevision
End-to-End Object Detection Framework - Pluggable to any Training Library: Fastai, Pytorch-Lightning with more to come
Stars: ✭ 218 (+87.93%)
Mutual labels:  object-detection, faster-rcnn
Tf Object Detection
Simpler app for tensorflow object detection API
Stars: ✭ 91 (-21.55%)
Mutual labels:  object-detection, faster-rcnn
Mmdetection To Tensorrt
convert mmdetection model to tensorrt, support fp16, int8, batch input, dynamic shape etc.
Stars: ✭ 262 (+125.86%)
Mutual labels:  object-detection, faster-rcnn
Detecto
Build fully-functioning computer vision models with PyTorch
Stars: ✭ 445 (+283.62%)
Mutual labels:  object-detection, faster-rcnn
Luminoth
Deep Learning toolkit for Computer Vision.
Stars: ✭ 2,386 (+1956.9%)
Mutual labels:  object-detection, faster-rcnn
Traffic Light Detector
Detect traffic lights and classify the state of them, then give the commands "go" or "stop".
Stars: ✭ 37 (-68.1%)
Mutual labels:  object-detection, faster-rcnn
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+746.55%)
Mutual labels:  object-detection, faster-rcnn
Mmdetection
OpenMMLab Detection Toolbox and Benchmark
Stars: ✭ 17,646 (+15112.07%)
Mutual labels:  object-detection, faster-rcnn
Detectron Self Train
A PyTorch Detectron codebase for domain adaptation of object detectors.
Stars: ✭ 99 (-14.66%)
Mutual labels:  object-detection, faster-rcnn
Paddledetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
Stars: ✭ 5,799 (+4899.14%)
Mutual labels:  object-detection, faster-rcnn
Simple Faster Rcnn Pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
Stars: ✭ 3,422 (+2850%)
Mutual labels:  object-detection, faster-rcnn
Syndata Generation
Code used to generate synthetic scenes and bounding box annotations for object detection. This was used to generate data used in the Cut, Paste and Learn paper
Stars: ✭ 214 (+84.48%)
Mutual labels:  object-detection, faster-rcnn
Tf Faster Rcnn
Tensorflow Faster RCNN for Object Detection
Stars: ✭ 3,604 (+3006.9%)
Mutual labels:  object-detection, faster-rcnn
Py R Fcn Multigpu
Code for training py-faster-rcnn and py-R-FCN on multiple GPUs in caffe
Stars: ✭ 192 (+65.52%)
Mutual labels:  object-detection, faster-rcnn
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (+72.41%)
Mutual labels:  object-detection, faster-rcnn
Keras Faster Rcnn
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
Stars: ✭ 28 (-75.86%)
Mutual labels:  object-detection, faster-rcnn
Driving In The Matrix
Steps to reproduce training results for the paper Driving in the Matrix: Can Virtual Worlds Replace Human-Generated Annotations for Real World Tasks?
Stars: ✭ 96 (-17.24%)
Mutual labels:  object-detection, faster-rcnn

HRNet for Object Detection

Introduction

This is the official code of High-Resolution Representations for Object Detection. We extend the high-resolution representation (HRNet) [1] by augmenting the high-resolution representation by aggregating the (upsampled) representations from all the parallel convolutions, leading to stronger representations. We build a multi-level representation from the high resolution and apply it to the Faster R-CNN, Mask R-CNN and Cascade R-CNN framework. This proposed approach achieves superior results to existing single-model networks on COCO object detection. The code is based on maskrcnn-benchmark

Performance

ImageNet Pretrained Models

HRNetV2 ImageNet pretrained models are now available! Codes and pretrained models are in HRNets for Image Classification

All models are trained on COCO train2017 set and evaluated on COCO val2017 set. Detailed settings or configurations are in configs/hrnet.

Note: Models are trained with the newly released code and the results have minor differences with that in the paper. Current results will be updated soon and more models and results are comming. All models are trained on COCO train2017 set and evaluated on COCO val2017 set. Detailed settings or configurations are in configs/hrnet.

Faster R-CNN

Backbone lr sched mAP model
HRNetV2-W18 1x 36.0 FasterR-CNN-HR18-1x.pth
HRNetV2-W18 2x 38.4 FasterR-CNN-HR18-2x.pth
HRNetV2-W32 1x 39.6 FasterR-CNN-HR32-1x.pth
HRNetV2-W32 2x 40.9 FasterR-CNN-HR32-2x.pth
HRNetV2-W40 1x 40.4 FasterR-CNN-HR40-1x.pth
HRNetV2-W40 2x 41.4 FasterR-CNN-HR40-2x.pth
HRNetV2-W48 1x 41.3 FasterR-CNN-HR48-1x.pth
HRNetV2-W48 2x 41.8 FasterR-CNN-HR48-2x.pth

Faster R-CNN with more training iterations

Backbone lr sched mAP model
HRNetV2-W32 1x 39.6 FasterR-CNN-HR32-1x.pth
HRNetV2-W32 2x 40.9 FasterR-CNN-HR32-2x.pth
HRNetV2-W32 3x 41.4 FasterR-CNN-HR32-3x.pth
HRNetV2-W32 4x 41.6 FasterR-CNN-HR32-4x.pth

Our HRNets will obtain larger gain when training with more iterations.

Quick start

Install

  1. Install PyTorch 1.0 following the official instructions

  2. Install pycocotools

git clone https://github.com/cocodataset/cocoapi.git \
 && cd cocoapi/PythonAPI \
 && python setup.py build_ext install \
 && cd ../../
  1. Install HRNet-MaskRCNN-Benchmark
git clone https://github.com/HRNet/HRNet-MaskRCNN-Benchmark.git
cd HRNet-MaskRCNN-Benchmark
python setup.py build develop
pip install -r requirements.txt

for more details, see INSTALL.md

HRNetV2 Pretrained models

cd HRNet-MaskRCNN-Benchmark
# Download pretrained models into this folder
mkdir hrnetv2_pretrained

Train (multi-gpu training)

Please specify the configuration file in configs (learning rate should be adjusted when the number of GPUs is changed).

python -m torch.distributed.launch --nproc_per_node <GPU NUMS> tools/train_net.py --config-file <CONFIG FILE>

# example (4 gpus)
python -m torch.distributed.launch --nproc_per_node 4 tools/train_net.py --config-file configs/hrnet/e2e_faster_rcnn_hrnet_w18_1x.yaml

Test

python -m torch.distributed.launch --nproc_per_node <GPU NUMS> tools/test_net.py --config-file <CONFIG-FILE> MODEL.WEIGHT <WEIGHT>

#example (4gpus)
python -m torch.distributed.launch --nproc_per_node 4 tools/test_net.py --config-file configs/hrnet/e2e_faster_rcnn_hrnet_w18_1x.yaml MODEL.WEIGHT FasterR-CNN-HR18-1x.pth

NOTE: If you meet some problems, you may find a solution in issues of official maskrcnn-benchmark or submit a new issue in our repo.

Other applications of HRNets (codes and models):

Citation

If you find this work or code is helpful in your research, please cite:

@inproceedings{SunXLW19,
  title={Deep High-Resolution Representation Learning for Human Pose Estimation},
  author={Ke Sun and Bin Xiao and Dong Liu and Jingdong Wang},
  booktitle={CVPR},
  year={2019}
}

@article{WangSCJDZLMTWLX19,
  title={Deep High-Resolution Representation Learning for Visual Recognition},
  author={Jingdong Wang and Ke Sun and Tianheng Cheng and 
          Borui Jiang and Chaorui Deng and Yang Zhao and Dong Liu and Yadong Mu and 
          Mingkui Tan and Xinggang Wang and Wenyu Liu and Bin Xiao},
  journal   = {TPAMI}
  year={2019}
}

Reference

[1] Deep High-Resolution Representation Learning for Visual Recognition. Jingdong Wang, Ke Sun, Tianheng Cheng, Borui Jiang, Chaorui Deng, Yang Zhao, Dong Liu, Yadong Mu, Mingkui Tan, Xinggang Wang, Wenyu Liu, Bin Xiao. Accepted by TPAMI. download

[2] Cascade R-CNN: Delving into High Quality Object Detection. Zhaowei Cai, and Nuno Vasconcetos. CVPR 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].