All Projects → vov-net → VoVNet-Detectron

vov-net / VoVNet-Detectron

Licence: MIT License
Detectron with VoVNet(CVPRW'19) backbone networks

Programming Languages

python
139335 projects - #7 most used programming language
Cuda
1817 projects
C++
36643 projects - #6 most used programming language
Dockerfile
14818 projects

Projects that are alternatives of or similar to VoVNet-Detectron

Tensorflow-YOLACT
Implementation of the paper "YOLACT Real-time Instance Segmentation" in Tensorflow 2
Stars: ✭ 97 (+410.53%)
Mutual labels:  instance-segmentation
max-deeplab
Unofficial implementation of MaX-DeepLab for Instance Segmentation
Stars: ✭ 84 (+342.11%)
Mutual labels:  instance-segmentation
Tensorflow-Object-Detection-API-train-custom-Mask-R-CNN-model
Train a Mask R-CNN model with the Tensorflow Object Detection API
Stars: ✭ 59 (+210.53%)
Mutual labels:  instance-segmentation
prostate segmentation
NCI-ISBI 2013 Challenge - Automated Segmentation of Prostate Structures
Stars: ✭ 28 (+47.37%)
Mutual labels:  instance-segmentation
InstantDL
InstantDL: An easy and convenient deep learning pipeline for image segmentation and classification
Stars: ✭ 33 (+73.68%)
Mutual labels:  instance-segmentation
3DSemanticMapping JINT 2020
Repository for the paper "Extending Maps with Semantic and Contextual Object Information for Robot Navigation: a Learning-Based Framework using Visual and Depth Cues"
Stars: ✭ 38 (+100%)
Mutual labels:  instance-segmentation
pytorch solov2
SOLOv2 pytorch (without mmdetection and mmcv)
Stars: ✭ 68 (+257.89%)
Mutual labels:  instance-segmentation
mask-rcnn-edge-agreement-loss
Reference implementation of "Faster Training of Mask R-CNN by Focusing on Instance Boundaries"
Stars: ✭ 40 (+110.53%)
Mutual labels:  instance-segmentation
Entity
EntitySeg Toolbox: Towards Open-World and High-Quality Image Segmentation
Stars: ✭ 313 (+1547.37%)
Mutual labels:  instance-segmentation
mmdetection instance segmentation demo
How to train an instance segmentation model with mmdetection
Stars: ✭ 25 (+31.58%)
Mutual labels:  instance-segmentation
rt-mrcnn
Real time instance segmentation with Mask R-CNN, live from webcam feed.
Stars: ✭ 47 (+147.37%)
Mutual labels:  instance-segmentation
uoais
Codes of paper "Unseen Object Amodal Instance Segmentation via Hierarchical Occlusion Modeling", ICRA 2022
Stars: ✭ 77 (+305.26%)
Mutual labels:  instance-segmentation
COCO-dataset-explorer
Streamlit tool to explore coco datasets
Stars: ✭ 66 (+247.37%)
Mutual labels:  instance-segmentation
labelme2coco
How to create custom COCO data set for instance segmentation
Stars: ✭ 125 (+557.89%)
Mutual labels:  instance-segmentation
ObjectNet
PyTorch implementation of "Pyramid Scene Parsing Network".
Stars: ✭ 15 (-21.05%)
Mutual labels:  instance-segmentation
SimCal
Implementation of ECCV20 paper: the devil is in classification: a simple framework for long-tail object detection and instance segmentation
Stars: ✭ 99 (+421.05%)
Mutual labels:  instance-segmentation
yolact
Tensorflow 2.x implementation YOLACT
Stars: ✭ 23 (+21.05%)
Mutual labels:  instance-segmentation
Custom-Mask-RCNN-Using-Tensorfow-Object-Detection-API
A sample project to build a custom Mask RCNN model using Tensorflow object detection API
Stars: ✭ 70 (+268.42%)
Mutual labels:  instance-segmentation
QueryInst
Instances as Queries (ICCV 2021)
Stars: ✭ 325 (+1610.53%)
Mutual labels:  instance-segmentation
SOLQ
"SOLQ: Segmenting Objects by Learning Queries", SOLQ is an end-to-end instance segmentation framework with Transformer.
Stars: ✭ 159 (+736.84%)
Mutual labels:  instance-segmentation

Detectron with VoVNet(CVPRW'19) Backbone Networks

This repository contains Detectron with VoVNet (CVPRW'19) Backbone Networks. This code based on pytorch imeplementation of Detectron (maskrcnn-benchmark)

Highlights

  • Memory efficient
  • Better performance, especially for small objects
  • Faster speed

Comparison with ResNet backbones

  • 2x schedule
  • same hyperparameters
  • same training protocols ( max epoch, learning rate schedule, etc)
  • NOT multi-scale training augmentation
  • 8 x TITAN Xp GPU
  • pytorch1.1
  • CUDA v9
  • cuDNN v7.2

Note

'*' indicates ResNeXt models from Detectron official caffe2 page.

Backbone Detector Train mem(GB) Inference time (ms) Box AP (AP/APs/APm/APl) Mask AP (AP/APs/APm/APl) DOWNLOAD
R-50 Faster 3.6 78 37.5/21.3/40.3/49.5 - link
V-39 Faster 3.9 78 39.8/23.7/42.6/51.5 - link
R-101 Faster 4.7 97 39.6/22.8/43.2/51.9 - link
V-57 Faster 4.4 87 40.8/24.8/43.8/52.4 - link
V-75 Faster 5.3 96 41.2/24.1/44.3/53.0 - link
X-101-64x4d* Faster - 41.3/-/-/- - -
X-101-32x8d* Faster - 40.6/-/-/- - -
V-93 Faster 6.1 110 41.8/24.8/45.1/53.8 - link
R-50 Mask 3.6 83 38.6/22.1/41.3/51.4 34.9/16.0/37.3/52.2 link
V-39 Mask 4 81 41.0/24.6/43.9/53.1 36.7/17.9/39.3/53.0 link
R-101 Mask 4.7 102 40.8/23.2/44.0/53.9 36.7/16.7/39.4/54.3 link
V-57 Mask 4.5 90 42.0/25.1/44.9/53.8 37.5/18.3/39.8/54.3 link
V-75 Mask 5.4 106 42.4/26.0/45.5/54.8 37.7/18.9/40.4/54.9 link
X-101-64x4d* Faster - 42.2/-/-/- 37.2/-/-/- -
X-101-32x8d* Faster - 41.7/-/-/- 36.9/-/-/- -
V-93 Mask 6.7 114 42.7/24.9/45.8/55.3 38.0/17.7/40.9/55.2 link

ImageNet pretrained weight

Installation

Check INSTALL.md for installation instructions which is orginate from maskrcnn-benchmark

Training

Follow the instructions maskrcnn-benchmark guides

For example,

export NGPUS=8
python -m torch.distributed.launch --nproc_per_node=$NGPUS tools/train_net.py --config-file "configs/vovnet/e2e_faster_rcnn_V_39_FPN_2x.yaml" 

Evaluation

Follow the instruction

First of all, you have to download the weight file you want to inference.

For examaple,

multi-gpu evaluation & test batch size 16,
wget https://dl.dropbox.com/s/f1per2rj4pi8t71/FRCN-V-39-FPN-2x-norm.pth
export NGPUS=8
python -m torch.distributed.launch --nproc_per_node=$NGPUS tools/test_net.py --config-file "configs/vovnet/e2e_faster_rcnn_V_39_FPN_2x.yaml"   TEST.IMS_PER_BATCH 16 MODEL.WEIGHT FRCN-V-39-FPN-2x-norm.pth
For single-gpu evaluation & test batch size 1,
wget https://dl.dropbox.com/s/f1per2rj4pi8t71/FRCN-V-39-FPN-2x-norm.pth
CUDA_VISIBLE_DEVICES=0
python tools/test_net.py --config-file "configs/vovnet/e2e_faster_rcnn_V_39_FPN_2x.yaml" TEST.IMS_PER_BATCH 1 MODEL.WEIGHT FRCN-V-39-FPN-2x-norm.pth

TO DO LIST

  • super slim models
  • slim models
  • Larger models
  • Multi-scale training & test
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].