Official Implementation of DDOD (Disentangle your Dense Object Detector), ACM MM2021

Related tags

Deep Learning DDOD
Overview

Disentangle Your Dense Object Detector

This repo contains the supported code and configuration files to reproduce object detection results of Disentangle Your Dense Object Detector. It is based on mmdetection.

Results and Models

Model Backbone Lr Schd box mAP AP50 AP75 APs APm APl
ATSS(IoU) ResNet50 1x 39.4 56.6 42.6 23.9 42.5 49.6
DDOD ResNet50 1x 41.6 59.9 45.2 23.9 44.9 54.4

Usage

Installation

Please refer to get_started.md for installation and dataset preparation.

Inference

# multi-gpu testing
tools/dist_test.sh coco_cfg/ddod_r50_1x.py <DET_CHECKPOINT_FILE> 8 --eval bbox

Training

To train a detector with pre-trained models, run:

# multi-gpu training
tools/dist_train.sh coco_cfg/ddod_r50_1x.py 8

Citing DDOD

@misc{chen2021disentangle,
      title={Disentangle Your Dense Object Detector}, 
      author={Zehui Chen and Chenhongyi Yang and Qiaofei Li and Feng Zhao and Zhengjun Zha and Feng Wu},
      year={2021},
      eprint={2107.02963},
      archivePrefix={arXiv},
      primaryClass={cs.CV}
}
Comments
  • FCOS version of DDOD

    FCOS version of DDOD

    Hi, thanks for your great work!.

    It seems that there is no FCOS version of DDOD (Use anchor point instead of anchor) implemented as indicated in the Table 3 of your paper, could you also share that part of code and config for reference?

    Thanks!

    opened by memoiry 7
  • Batch size for COCO

    Batch size for COCO

    For WIDER FACE, the paper describes the batch size. "The model is trained with a batch size of 24 on 6 Titan V100s."

    For COCO, is the total batch size 32? tools/dist_train.sh coco_cfg/ddod_r50_1x.py 8 samples_per_gpu=4,

    Can we achieve similar AP with a total batch size of 16 and lr=0.01?

    opened by shinya7y 6
  • About WiderFace.

    About WiderFace.

    When ddod is applied to wideface, does the testing process adopt the method in tinaface? In addition, could you release the code to apply ddod to widerface?

    opened by StetchPlane 2
  • COCO pre-trained models

    COCO pre-trained models

    Hi! Awesome work! Do you have any plans to upload COCO weights?

    Especially,

    • ATSS(IoU) R-50 1x
    • DDOD R-50 1x
    • DDOD R2-101-DCN 2x
    • DDOD-X R2-101-DCN 2x

    It would be great if you also could provide configs for DDOD-X because the arXiv v1 seems to lack the explanation of DDOD-X and the details of multi-scale testing and stronger data augmentation.

    opened by shinya7y 2
  • Missing retina_assigner?

    Missing retina_assigner?

    Hi, thanks for your great work. But when I run this code, it threw an error with AttributeError: 'ConfigDict' object has no attribute 'retina_assigner'. I guess self.train_cfg.retina_assigner in atss_r50_1x.py is missing. Can you please provide it?

    opened by yarkable 2
  • 在WiderFace上训练的mAP为0

    在WiderFace上训练的mAP为0

    Environment info: sys.platform: linux Python: 3.7.13 (default, Oct 18 2022, 18:57:03) [GCC 11.2.0] CUDA available: True GPU 0,1: NVIDIA A100 80GB PCIe CUDA_HOME: /usr/local/cuda NVCC: Cuda compilation tools, release 11.1, V11.1.74 GCC: gcc (Ubuntu 9.3.0-17ubuntu1~20.04) 9.3.0 PyTorch: 1.10.0 PyTorch compiling details: PyTorch built with:

    • GCC 7.3
    • C++ Version: 201402
    • Intel(R) oneAPI Math Kernel Library Version 2021.4-Product Build 20210904 for Intel(R) 64 architecture applications
    • Intel(R) MKL-DNN v2.2.3 (Git Hash 7336ca9f055cf1bfa13efb658fe15dc9b41f0740)
    • OpenMP 201511 (a.k.a. OpenMP 4.5)
    • LAPACK is enabled (usually provided by MKL)
    • NNPACK is enabled
    • CPU capability usage: AVX512
    • CUDA Runtime 11.3 TorchVision: 0.11.0 OpenCV: 4.6.0 MMCV: 1.6.2 MMCV Compiler: GCC 9.3 MMCV CUDA Compiler: 11.3 MMDetection: 2.25.3+unknown

    您好,我在mmdetection上根据您论文里Implementation Details的介绍(关于训练widerface),对ddod的优化器部分进行了以下改动: optimizer = dict(type='SGD', lr=0.0075, momentum=0.9, weight_decay=0.0005) optimizer_config = dict(grad_clip=None) lr_config = dict( policy='CosineRestart', warmup='linear', warmup_iters=500, warmup_ratio=0.1, periods=[ 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30, 30 ], restart_weights=[ 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1 ], min_lr_ratio=0.01) runner = dict(type='EpochBasedRunner', max_epochs=600) 此外,我也将reg loss改为了DIoU loss,但是每个epoch报告的mAP均为0。请问是什么情况呢?

    opened by Cathy1900 1
Owner
loveSnowBest
loveSnowBest
A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......

A Light and Fast Face Detector for Edge Devices Big News: LFD, which is a big update of LFFD, now is released (2021.03.09). It is strongly recommended

YonghaoHe 1.3k Dec 25, 2022
DPT: Deformable Patch-based Transformer for Visual Recognition (ACM MM2021)

DPT This repo is the official implementation of DPT: Deformable Patch-based Transformer for Visual Recognition (ACM MM2021). We provide code and model

CASIA-IVA-Lab 111 Dec 21, 2022
Lane follower: Lane-detector (OpenCV) + Object-detector (YOLO5) + CAN-bus

Lane Follower This code is for the lane follower, including perception and control, as shown below. Environment Hardware Industrial Camera Intel-NUC(1

Siqi Fan 3 Jul 7, 2022
The code for MM2021 paper "Multi-Level Counterfactual Contrast for Visual Commonsense Reasoning"

The Code for MM2021 paper "Multi-Level Counterfactual Contrast for Visual Commonsense Reasoning" Setting up and using the repo Get the dataset. Follow

null 4 Apr 20, 2022
A whale detector design for the Kaggle whale-detector challenge!

CNN (InceptionV1) + STFT based Whale Detection Algorithm So, this repository is my PyTorch solution for the Kaggle whale-detection challenge. The obje

Tarin Ziyaee 92 Sep 28, 2021
HeartRate detector with ArduinoandPython - Use Arduino and Python create a heartrate detector.

Syllabus of Contents Syllabus of Contents Introduction Of Project Features Develop With Python code introduction Installation License Developer Contac

null 1 Jan 5, 2022
Video lie detector using xgboost - A video lie detector using OpenFace and xgboost

video_lie_detector_using_xgboost a video lie detector using OpenFace and xgboost

null 2 Jan 11, 2022
Imposter-detector-2022 - HackED 2022 Team 3IQ - 2022 Imposter Detector

HackED 2022 Team 3IQ - 2022 Imposter Detector By Aneeljyot Alagh, Curtis Kan, Jo

Joshua Ji 3 Aug 20, 2022
Official implementation of Monocular Quasi-Dense 3D Object Tracking

Monocular Quasi-Dense 3D Object Tracking Monocular Quasi-Dense 3D Object Tracking (QD-3DT) is an online framework detects and tracks objects in 3D usi

Visual Intelligence and Systems Group 441 Dec 20, 2022
Official PyTorch implementation of the paper "Recycling Discriminator: Towards Opinion-Unaware Image Quality Assessment Using Wasserstein GAN", accepted to ACM MM 2021 BNI Track.

RecycleD Official PyTorch implementation of the paper "Recycling Discriminator: Towards Opinion-Unaware Image Quality Assessment Using Wasserstein GAN

Yunan Zhu 23 Nov 5, 2022
object detection; robust detection; ACM MM21 grand challenge; Security AI Challenger Phase VII

赛题背景 在商品知识产权领域,知识产权体现为在线商品的设计和品牌。不幸的是,在每一天,存在着非法商户通过一些对抗手段干扰商标识别来逃避侵权,这带来了很高的知识产权风险和财务损失。为了促进先进的多媒体人工智能技术的发展,以保护企业来之不易的创作和想法免受恶意使用和剽窃,因此提出了鲁棒性标识检测挑战赛

null 65 Dec 22, 2022
The code repository for "RCNet: Reverse Feature Pyramid and Cross-scale Shift Network for Object Detection" (ACM MM'21)

RCNet: Reverse Feature Pyramid and Cross-scale Shift Network for Object Detection (ACM MM'21) By Zhuofan Zong, Qianggang Cao, Biao Leng Introduction F

TempleX 9 Jul 30, 2022
Official code of the paper "ReDet: A Rotation-equivariant Detector for Aerial Object Detection" (CVPR 2021)

ReDet: A Rotation-equivariant Detector for Aerial Object Detection ReDet: A Rotation-equivariant Detector for Aerial Object Detection (CVPR2021), Jiam

csuhan 334 Dec 23, 2022
The official project of SimSwap (ACM MM 2020)

SimSwap: An Efficient Framework For High Fidelity Face Swapping Proceedings of the 28th ACM International Conference on Multimedia The official reposi

Six_God 2.6k Jan 8, 2023
Code for "The Box Size Confidence Bias Harms Your Object Detector"

The Box Size Confidence Bias Harms Your Object Detector - Code Disclaimer: This repository is for research purposes only. It is designed to maintain r

Johannes G. 24 Dec 7, 2022
A Pytorch Implementation of [Source data‐free domain adaptation of object detector through domain

A Pytorch Implementation of Source data‐free domain adaptation of object detector through domain‐specific perturbation Please follow Faster R-CNN and

null 1 Dec 25, 2021
A Pytorch Implementation of Domain adaptation of object detector using scissor-like networks

A Pytorch Implementation of Domain adaptation of object detector using scissor-like networks Please follow Faster R-CNN and DAF to complete the enviro

null 2 Oct 7, 2022
Official implementation of our paper "LLA: Loss-aware Label Assignment for Dense Pedestrian Detection" in Pytorch.

LLA: Loss-aware Label Assignment for Dense Pedestrian Detection This project provides an implementation for "LLA: Loss-aware Label Assignment for Dens

null 35 Dec 6, 2022
This is the official implementation of "One Question Answering Model for Many Languages with Cross-lingual Dense Passage Retrieval".

CORA This is the official implementation of the following paper: Akari Asai, Xinyan Yu, Jungo Kasai and Hannaneh Hajishirzi. One Question Answering Mo

Akari Asai 59 Dec 28, 2022