Skip to content

Releases: open-mmlab/mmdetection

MMDetection V2.8.0 Release

04 Jan 02:43
a21eb25
Compare
Choose a tag to compare

Highlights

New Features

Bug Fixes

  • Fix bug of show result in async_benchmark (#4367)
  • Fix scale factor in MaskTestMixin (#4366)
  • Fix but when returning indices in multiclass_nms (#4362)
  • Fix bug of empirical attention in resnext backbone error (#4300)
  • Fix bug of img_norm_cfg in FCOS-HRNet models with updated performance and models (#4250)
  • Fix invalid checkpoint and log in Mask R-CNN models on Cityscapes dataset (#4287)
  • Fix bug in distributed sampler when dataset is too small (#4257)
  • Fix bug of 'PAFPN has no attribute extra_convs_on_inputs' (#4235)

Improvements

  • Update model url from aws to aliyun (#4349)
  • Update ATSS for PyTorch 1.6+ (#4359)
  • Update script to install ruby in pre-commit installation (#4360)
  • Delete deprecated mmdet.ops (#4325)
  • Refactor hungarian assigner for more general usage in Sparse R-CNN (#4259)
  • Handle scipy import in DETR to reduce package dependencies (#4339)
  • Update documentation of usages for config options after MMCV (1.2.3) supports overriding list in config (#4326)
  • Update pre-train models of faster rcnn trained on COCO subsets (#4307)
  • Avoid zero or too small value for beta in Dynamic R-CNN (#4303)
  • Add doccumentation for Pytorch2ONNX (#4271)
  • Add deprecated warning FPN arguments (#4264)
  • Support returning indices of kept bboxes when using nms (#4251)
  • Update type and device requirements when creating tensors GFLHead (#4210)
  • Update device requirements when creating tensors in CrossEntropyLoss (#4224)

New Contributors

Full Changelog: v2.7.0...v2.8.0

MMDetection V2.7.0 Release

30 Nov 15:29
3e902c3
Compare
Choose a tag to compare

Highlights

  • Support new method: DETR, ResNest, Faster R-CNN DC5.
  • Support YOLO, Mask R-CNN, and Cascade R-CNN models exportable to ONNX.

New Features

  • Support DETR (#4201, #4206)
  • Support to link the best checkpoint in training (#3773)
  • Support to override config through options in inference.py (#4175)
  • Support YOLO, Mask R-CNN, and Cascade R-CNN models exportable to ONNX (#4087, #4083)
  • Support ResNeSt backbone (#2959)
  • Support unclip-border box regression (#4076)
  • Add TP/FP functions in evaluating AP (#4069)
  • Support mixed-precision training of SSD detector with other backbones (#4081)
  • Add Faster R-CNN DC5 models (#4043)

Bug Fixes

  • Fix bug of gpu_id in distributed training mode (#4163)
  • Support Albumentations with version higher than 0.5 (#4032)
  • Fix num_classes bug in faster rcnn config (#4088)
  • Update code in docs/2_new_data_model.md (#4041)

Improvements

  • Ensure DCN offset to have similar type as features in VFNet (#4198)
  • Add config links in README files of models (#4190)
  • Add tutorials for loss conventions (#3818)
  • Add solution to installation issues in 30-series GPUs (#4176)
  • Update docker version in get_started.md (#4145)
  • Add model statistics and polish some titles in configs README (#4140)
  • Clamp neg probability in FreeAnchor (#4082)
  • Speed up expanding large images (#4089)
  • Fix Pytorch 1.7 incompatibility issues (#4103)
  • Update troubleshooting page to resolve segmentation fault (#4055)
  • Update aLRP-Loss in the project page (#4078)
  • Clean duplicated reduce_mean function (#4056)
  • Refactor Q&A (#4045)

New Contributors

Full Changelog: v2.6.0...v2.7.0

MMDetection V2.6.0 Release

01 Nov 06:31
bd3306f
Compare
Choose a tag to compare

Highlights

  • Support new method: VarifocalNet.
  • Refactored documentation with more tutorials.

New Features

  • Support GIoU calculation in BboxOverlaps2D, and re-implement giou_loss using bbox_overlaps (#3936)
  • Support random sampling in CPU mode (#3948)
  • Support VarifocalNet (#3666, #4024)

Bug Fixes

  • Fix SABL validating bug in Cascade R-CNN (#3913)
  • Avoid division by zero in PAA head when num_pos=0 (#3938)
  • Fix temporary directory bug of multi-node testing error (#4034, #4017)
  • Fix --show-dir option in test script (#4025)
  • Fix GA-RetinaNet r50 model url (#3983)
  • Update code in docs and fix broken urls (#3947)

Improvements

  • Refactor pytorch2onnx API into mmdet.core.export and use generate_inputs_and_wrap_model for pytorch2onnx (#3857, #3912)
  • Update RPN upgrade scripts for v2.5.0 compatibility (#3986)
  • Use mmcv tensor2imgs (#4010)
  • Update test robustness (#4000)
  • Update trouble shooting page (#3994)
  • Accelerate PAA training speed (#3985)
  • Support batch_size > 1 in validation (#3966)
  • Use RoIAlign implemented in MMCV for inference in CPU mode (#3930)
  • Documentation refactoring (#4031)

New Contributors

Full Changelog: v2.5.0...v2.6.0

MMDetection V2.5.0 Release

11 Oct 03:43
44a7ef2
Compare
Choose a tag to compare

Highlights

  • Support new methods: YOLACT, CentripetalNet.
  • Add more documentations for easier and more clear usage.

Backwards Incompatible Changes

FP16 related methods are imported from mmcv instead of mmdet. (#3766, #3822)
Mixed precision training utils in mmdet.core.fp16 are moved to mmcv.runner, including force_fp32, auto_fp16, wrap_fp16_model, and Fp16OptimizerHook. A deprecation warning will be raised if users attempt to import those methods from mmdet.core.fp16, and will be finally removed in V2.8.0.

[0, N-1] represents foreground classes and N indicates background classes for all models. (#3221)
Before v2.5.0, the background label for RPN is 0, and N for other heads. Now the behavior is consistent for all models. Thus self.background_labels in dense_heads is removed and all heads use self.num_classes to indicate the class index of background labels.
This change has no effect on the pre-trained models in the v2.x model zoo, but will affect the training of all models with RPN heads. Two-stage detectors whose RPN head uses softmax will be affected because the order of categories is changed.

Only call get_subset_by_classes when test_mode=True and self.filter_empty_gt=True (#3695)
Function get_subset_by_classes in dataset is refactored and only filters out images when test_mode=True and self.filter_empty_gt=True.
In the original implementation, get_subset_by_classes is not related to the flag self.filter_empty_gt and will only be called when the classes is set during initialization no matter test_mode is True or False. This brings ambiguous behavior and potential bugs in many cases. After v2.5.0, if filter_empty_gt=False, no matter whether the classes are specified in a dataset, the dataset will use all the images in the annotations. If filter_empty_gt=True and test_mode=True, no matter whether the classes are specified, the dataset will call ``get_subset_by_classes` to check the images and filter out images containing no GT boxes. Therefore, the users should be responsible for the data filtering/cleaning process for the test dataset.

New Features

  • Test time augmentation for single stage detectors (#3844, #3638)
  • Support to show the name of experiments during training (#3764)
  • Add Shear, Rotate, Translate Augmentation (#3656, #3619, #3687)
  • Add image-only transformations including Constrast, Equalize, Color, and Brightness. (#3643)
  • Support YOLACT (#3456)
  • Support CentripetalNet (#3390)
  • Support PyTorch 1.6 in docker (#3905)

Bug Fixes

  • Fix the bug of training ATSS when there is no ground truth boxes (#3702)
  • Fix the bug of using Focal Loss when there is num_pos is 0 (#3702)
  • Fix the label index mapping in dataset browser (#3708)
  • Fix Mask R-CNN training stuck problem when ther is no positive rois (#3713)
  • Fix the bug of self.rpn_head.test_cfg in RPNTestMixin by using self.rpn_head in rpn head (#3808)
  • Fix deprecated Conv2d from mmcv.ops (#3791)
  • Fix device bug in RepPoints (#3836)
  • Fix SABL validating bug (#3849)
  • Use https://download.openmmlab.com/mmcv/dist/index.html for installing MMCV (#3840)
  • Fix nonzero in NMS for PyTorch 1.6.0 (#3867)
  • Fix the API change bug of PAA (#3883)
  • Fix typo in bbox_flip (#3886)
  • Fix cv2 import error of ligGL.so.1 in Dockerfile (#3891)

Improvements

  • Change to use mmcv.utils.collect_env for collecting environment information to avoid duplicate codes (#3779)
  • Update checkpoint file names to v2.0 models in documentation (#3795)
  • Update tutorials for changing runtime settings (#3778), modifing loss (#3777)
  • Improve the function of simple_test_bboxes in SABL (#3853)
  • Convert mask to bool before using it as img's index for robustness and speedup (#3870)
  • Improve documentation of modules and dataset customization (#3821)

New Contributors

Full Changelog: v2.4.0...v2.5.0

MMDetection V2.4.0 Release

10 Sep 06:16
039ad4d
Compare
Choose a tag to compare

Highlights

  • Fix lots of issues/bugs and reorganize the trouble shooting page
  • Support new methods SABL, YOLOv3, and PAA Assign
  • Support Batch Inference
  • Start to publish mmdet package to PyPI since v2.3.0
  • Switch model zoo to download.openmmlab.com

Backwards Incompatible Changes

  • Support Batch Inference (#3564, #3686, #3705): Since v2.4.0, MMDetection could inference model with multiple images in a single GPU.
    This change influences all the test APIs in MMDetection and downstream codebases. To help the users migrate their code, we use replace_ImageToTensor (#3686) to convert legacy test data pipelines during dataset initialization.
  • Support RandomFlip with horizontal/vertical/diagonal direction (#3608): Since v2.4.0, MMDetection supports horizontal/vertical/diagonal flip in the data augmentation. This influences bounding box, mask, and image transformations in data augmentation process and the process that will map those data back to the original format.
  • Migrate to use mmlvis and mmpycocotools for COCO and LVIS dataset (#3727). The APIs are fully compatible with the original lvis and pycocotools. Users need to uninstall the existing pycocotools and lvis packages in their environment first and install mmlvis & mmpycocotools.

Bug Fixes

  • Fix default mean/std for onnx (#3491)
  • Fix coco evaluation and add metric items (#3497)
  • Fix typo for install.md (#3516)
  • Fix atss when sampler per gpu is 1 (#3528)
  • Fix import of fuse_conv_bn (#3529)
  • Fix bug of gaussian_target, update unittest of heatmap (#3543)
  • Fixed VOC2012 evaluate (#3553)
  • Fix scale factor bug of rescale (#3566)
  • Fix with_xxx_attributes in base detector (#3567)
  • Fix boxes scaling when number is 0 (#3575)
  • Fix rfp check when neck config is a list (#3591)
  • Fix import of fuse conv bn in benchmark.py (#3606)
  • Fix webcam demo (#3634)
  • Fix typo and itemize issues in tutorial (#3658)
  • Fix error in distributed training when some levels of FPN are not assigned with bounding boxes (#3670)
  • Fix the width and height orders of stride in valid flag generation (#3685)
  • Fix weight initialization bug in Res2Net DCN (#3714)
  • Fix bug in OHEMSampler (#3677)

New Features

  • Support Cutout augmentation (#3521)
  • Support evaluation on multiple datasets through ConcatDataset (#3522)
  • Support PAA assign #(3547)
  • Support eval metric with pickle results (#3607)
  • Support YOLOv3 (#3083)
  • Support SABL (#3603)
  • Support to publish to Pypi in github-action (#3510)
  • Support custom imports (#3641)

Improvements

  • Refactor common issues in documentation (#3530)
  • Add pytorch 1.6 to CI config (#3532)
  • Add config to runner meta (#3534)
  • Add eval-option flag for testing (#3537)
  • Add init_eval to evaluation hook (#3550)
  • Add include_bkg in ClassBalancedDataset (#3577)
  • Using config's loading in inference_detector (#3611)
  • Add ATSS ResNet-101 models in model zoo (#3639)
  • Update urls to download.openmmlab.com (#3665)
  • Support non-mask training for CocoDataset (#3711)

New Contributors

Full Changelog: v2.3.0...v2.4.0

MMDetection V2.3.0 Release

07 Aug 17:13
68d860d
Compare
Choose a tag to compare

Highlights

  • The CUDA/C++ operators have been moved to mmcv.ops. For backward compatibility mmdet.ops is kept as warppers of mmcv.ops.
  • Support new methods CornerNet, DIOU/CIOU loss, and new dataset: LVIS V1
  • Provide more detailed colab training tutorials and more complete documentation.
  • Support to convert RetinaNet from Pytorch to ONNX.

Bug Fixes

  • Fix the model initialization bug of DetectoRS (#3187)
  • Fix the bug of module names in NASFCOSHead (#3205)
  • Fix the filename bug in publish_model.py (#3237)
  • Fix the dimensionality bug when inside_flags.any() is False in dense heads (#3242)
  • Fix the bug of forgetting to pass flip directions in MultiScaleFlipAug (#3262)
  • Fixed the bug caused by default value of stem_channels (#3333)
  • Fix the bug of model checkpoint loading for CPU inference (#3318, #3316)
  • Fix topk bug when box number is smaller than the expected topk number in ATSSAssigner (#3361)
  • Fix the gt priority bug in center_region_assigner.py (#3208)
  • Fix NaN issue of iou calculation in iou_loss.py (#3394)
  • Fix the bug that iou_thrs is not actually used during evaluation in coco.py (#3407)
  • Fix test-time augmentation of RepPoints (#3435)
  • Fix runtimeError caused by incontiguous tensor in Res2Net+DCN (#3412)

New Features

  • Support CornerNet (#3036)
  • Support DIOU/CIOU loss (#3151)
  • Support LVIS V1 dataset (#)
  • Support customized hooks in training (#3395)
  • Support fp16 training of generalized focal loss (#3410)
  • Support to convert RetinaNet from Pytorch to ONNX (#3075)

Improvements

  • Support to process ignore boxes in ATSS assigner (#3082)
  • Allow to crop images without ground truth in RandomCrop (#3153)
  • Enable the the Accuracy module to set threshold (#3155)
  • Refactoring unit tests (#3206)
  • Unify the training settings of to_float32 and norm_cfg in RegNets configs (#3210)
  • Add colab training tutorials for beginners (#3213, #3273)
  • Move CUDA/C++ operators into mmcv.ops and keep mmdet.ops as warppers for backward compatibility (#3232)(#3457)
  • Update installation scripts in documentation (#3290) and dockerfile (#3320)
  • Support to set image resize backend (#3392)
  • Remove git hash in version file (#3466)
  • Check mmcv version to force version compatibility (#3460)

New Contributors

Full Changelog: v2.2.1...v2.3.0

MMDetection V2.2.1 Release

09 Jul 18:10
6495391
Compare
Choose a tag to compare

This is the last release that requires building CUDA ops. After v2.3, all CUDA ops will be moved to MMCV, so that becomes a pure python library. This make it easier to install and run this library.

New Contributors

Full Changelog: v2.2.0...v2.2.1

MMDetection V2.2.0 Release Notes

01 Jul 17:36
25ac8f5
Compare
Choose a tag to compare

Highlights

Bug Fixes

  • Fix FreeAnchor when no gt in image (#3176)
  • Clean up deprecated usage of register_module() (#3092, #3161)
  • Fix pretrain bug in NAS FCOS (#3145)
  • Fix num_classes in SSD (#3142)
  • Fix FCOS warmup (#3119)
  • Fix rstrip in tools/publish_model.py
  • Fix flip_ratio default value in RandomFLip pipeline (#3106)
  • Fix cityscapes eval with ms_rcnn (#3112)
  • Fix RPN softmax (#3056)
  • Fix filename of LVIS@v0.5 (#2998)
  • Fix nan loss by filtering out-of-frame gt_bboxes in COCO (#2999)
  • Fix bug in FSAF (#3018)
  • Add FocalLoss num_classes check (#2964)
  • Fix PISA Loss when there are no gts (#2992)
  • Avoid nan in iou_calculator (#2975)
  • Prevent possible bugs in loading and transforms caused by shallow copy (#2967)

New Features

  • Add DetectoRS (#3064)
  • Support Generalize Focal Loss (#3097)
  • Support PointRend (#2752)
  • Support Dynamic R-CNN (#3040)
  • Add DeepFashion dataset (#2968)
  • Implement FCOS training tricks (#2935)
  • Use BaseDenseHead as base class for anchor-base heads (#2963)
  • Add with_cp for BasicBlock (#2891)
  • Add stem_channles argument for ResNet (#2954)

Improvements

  • Add anchor free base head (#2867)
  • Migrate to github action (#3137)
  • Add docstring for datasets, pipelines, core modules and methods (#3130, #3125, #3120)
  • Add VOC benchmark (#3060)
  • Add concat mode in GRoI (#3098)
  • Remove cmd arg autorescale-lr (#3080)
  • Use len(data['img_metas']) to indicate num_samples (#3073, #3053)
  • Switch to EpochBasedRunner (#2976)

New Contributors

Full Changelog: v2.1.0...v2.2.0

v2.1.0

15 Dec 08:24
99a31d2
Compare
Choose a tag to compare

New Contributors

Full Changelog: v2.0.0...v2.1.0

MMDetection V2.0.0 Release

15 Dec 08:28
c77ccbb
Compare
Choose a tag to compare

New Contributors

Full Changelog: v1.2.0...v2.0.0