All Projects → jytime → Mask_rcnn_pytorch

jytime / Mask_rcnn_pytorch

Licence: other
Mask R-CNN for object detection and instance segmentation on Pytorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Mask rcnn pytorch

Involution
[CVPR 2021] Involution: Inverting the Inherence of Convolution for Visual Recognition, a brand new neural operator
Stars: ✭ 252 (+104.88%)
Mutual labels:  object-detection, instance-segmentation
Detectorch
Detectorch - detectron for PyTorch
Stars: ✭ 566 (+360.16%)
Mutual labels:  object-detection, instance-segmentation
Mask rcnn
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
Stars: ✭ 21,044 (+17008.94%)
Mutual labels:  object-detection, instance-segmentation
Siamese Mask Rcnn
Siamese Mask R-CNN model for one-shot instance segmentation
Stars: ✭ 257 (+108.94%)
Mutual labels:  object-detection, instance-segmentation
Solo
SOLO and SOLOv2 for instance segmentation, ECCV 2020 & NeurIPS 2020.
Stars: ✭ 992 (+706.5%)
Mutual labels:  object-detection, instance-segmentation
Simpledet
A Simple and Versatile Framework for Object Detection and Instance Recognition
Stars: ✭ 2,963 (+2308.94%)
Mutual labels:  object-detection, instance-segmentation
Mmdetection Annotated
mmdetection源码注释
Stars: ✭ 544 (+342.28%)
Mutual labels:  object-detection, instance-segmentation
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 (+4614.63%)
Mutual labels:  object-detection, instance-segmentation
Gcnet
GCNet: Non-local Networks Meet Squeeze-Excitation Networks and Beyond
Stars: ✭ 945 (+668.29%)
Mutual labels:  object-detection, instance-segmentation
Centermask
CenterMask : Real-Time Anchor-Free Instance Segmentation, in CVPR 2020
Stars: ✭ 646 (+425.2%)
Mutual labels:  object-detection, instance-segmentation
Vovnet Detectron2
VoVNet backbone networks for detectron2, in CVPR 2020
Stars: ✭ 249 (+102.44%)
Mutual labels:  object-detection, instance-segmentation
Panet
PANet for Instance Segmentation and Object Detection
Stars: ✭ 1,170 (+851.22%)
Mutual labels:  object-detection, instance-segmentation
D2det
D2Det: Towards High Quality Object Detection and Instance Segmentation (CVPR2020)
Stars: ✭ 234 (+90.24%)
Mutual labels:  object-detection, instance-segmentation
Tide
A General Toolbox for Identifying Object Detection Errors
Stars: ✭ 309 (+151.22%)
Mutual labels:  object-detection, instance-segmentation
Mmdetection
OpenMMLab Detection Toolbox and Benchmark
Stars: ✭ 17,646 (+14246.34%)
Mutual labels:  object-detection, instance-segmentation
Kaggle Imaterialist
The First Place Solution of Kaggle iMaterialist (Fashion) 2019 at FGVC6
Stars: ✭ 451 (+266.67%)
Mutual labels:  object-detection, instance-segmentation
Awesome Satellite Imagery Datasets
🛰️ List of satellite image training datasets with annotations for computer vision and deep learning
Stars: ✭ 2,447 (+1889.43%)
Mutual labels:  object-detection, instance-segmentation
Ciou
Complete-IoU (CIoU) Loss and Cluster-NMS for Object Detection and Instance Segmentation (YOLACT)
Stars: ✭ 166 (+34.96%)
Mutual labels:  object-detection, instance-segmentation
Centermask2
Real-time Anchor-Free Instance Segmentation, in CVPR 2020
Stars: ✭ 596 (+384.55%)
Mutual labels:  object-detection, instance-segmentation
Maskrcnn Modanet
A Mask R-CNN Keras implementation with Modanet annotations on the Paperdoll dataset
Stars: ✭ 59 (-52.03%)
Mutual labels:  object-detection, instance-segmentation

Mask_RCNN_Pytorch

This is an implementation of the instance segmentation model Mask R-CNN on Pytorch, based on the previous work of Matterport and lasseha. Matterport's repository is an implementation on Keras and TensorFlow while lasseha's repository is an implementation on Pytorch.

Features

Compared with other PyTorch implementations, this repository has the following features:

  • It supports multi-image batch training (i.e., batch size >1).
  • It supports PyTorch 0.4.0 (Currently does not support Pytorch >1.0).
  • It supports both GPU and CPU. You can use a CPU to visualize the results.
  • It supports multiple GPUs training (please look at instrctions here).
  • You could train Mask R-CNN on your own dataset (please see synthia.py, which demonstrates how we trained a model on Synthia Dataset, starting from the model pre-trained on COCO Dataset).
  • You could use a model pre-trained on COCO or ImageNet to segment objects in your own images (please see demo_coco.py or demo_synthia.py).

Requirements

  • Python 3
  • Linux
  • PyTorch 0.4.0
  • matplotlib, scipy, skimage, h5py, numpy

Demo

Synthia Dataset

COCO dataset

Compilation

The instructions come from lasseha's repository.

  • We use the Non-Maximum Suppression from ruotianluo and the RoiAlign from longcw. Please follow the instructions below to build the functions.

      cd nms/src/cuda/
      nvcc -c -o nms_kernel.cu.o nms_kernel.cu -x cu -Xcompiler -fPIC -arch=arch
      cd ../../
      python build.py
      cd ../
    
      cd roialign/roi_align/src/cuda/
      nvcc -c -o crop_and_resize_kernel.cu.o crop_and_resize_kernel.cu -x cu -Xcompiler -fPIC -arch=arch
      cd ../../
      python build.py
      cd ../../
    

    where 'arch' is determined by your GPU model:

    GPU TitanX GTX 960M GTX 1070 GTX 1080 (Ti)
    arch sm_52 sm_50 sm_61 sm_61
  • If you want to train the network on the COCO dataset, please install the Python COCO API and create a symlink.

      ln -s /path/to/coco/cocoapi/PythonAPI/pycocotools/ pycocotools
    
  • The pretrained models on COCO and ImageNet are available here.

Results(COCO)

The training and evaluation is based on COCO Dataset 2014. To understand the indicators below, please have a look at pycocotools. Notably, I only used one GTX 1080 (Ti). I think the performance could be improved if more GPUs are available.

Indicator IoU area maxDets Value
Average Precision (AP) 0.50:0.95 all 100 0.392
Average Precision (AP) 0.50 all 100 0.574
Average Precision (AP) 0.75 all 100 0.434
Average Precision (AP) 0.50:0.95 small 100 0.199
Average Precision (AP) 0.50:0.95 medium 100 0.448
Average Precision (AP) 0.50:0.95 large 100 0.575
Average Recall (AR) 0.50:0.95 all 1 0.321
Average Recall (AR) 0.50:0.95 all 10 0.445
Average Recall (AR) 0.50:0.95 all 100 0.457
Average Recall (AR) 0.50:0.95 small 100 0.231
Average Recall (AR) 0.50:0.95 medium 100 0.508
Average Recall (AR) 0.50:0.95 large 100 0.645
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].