FairMOT for Multi-Class MOT using YOLOX as Detector

Overview

FairMOT-X

Project Overview

FairMOT-X is a multi-class multi object tracker, which has been tailored for training on the BDD100K MOT Dataset. It makes use of YOLOX as the detector from end-to-end, and uses DCN to perform feature fusion of PAFPN outputs to learn the ReID branch. This repo is a work in progress.

Acknowledgement

This project heavily uses code from the the original FairMOT, as well as MCMOT and YOLOv4 MCMOT.

Comments
  • Detailed readme

    Detailed readme

    Thanks for your excellent work!And i have the same idea with you but i can't implement it,Can you provide detailed insatallation in reame file or your contact information,that's a milestone in my research. Thank you in advance!

    opened by Soyad-yao 10
  • how to train on other datasets

    how to train on other datasets

    Hello ! First,thank you for your work! But I have a question. I want to train on other datasets not bdd100k , such as detrac, how to use? Thank you very much!

    opened by fafa114 2
  • Conda environment

    Conda environment

    Could you please share a working environment requirements list for this repo? I followed FairMOT installation procedure but I am unable to start a sample training. I got the following error:

    python3 ./src/train.py mot \

    --exp_id yolo-m --yolo_depth 0.67 --yolo_width 0.75 \
    --lr 7e-4 --lr_step 2 \
    --reid_dim 128 --augment --mosaic \
    --batch_size 16 --gpus 0 
    

    /home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/io/image.py:13: UserWarning: Failed to load image Python extension: /home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/image.so: undefined symbol: _ZNK3c106IValue23reportToTensorTypeErrorEv warn(f"Failed to load image Python extension: {e}") Traceback (most recent call last): File "./src/train.py", line 16, in from torchvision.transforms import transforms as T File "/home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/init.py", line 7, in from torchvision import models File "/home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/models/init.py", line 18, in from . import quantization File "/home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/models/quantization/init.py", line 3, in from .mobilenet import * File "/home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/models/quantization/mobilenet.py", line 1, in from .mobilenetv2 import * # noqa: F401, F403 File "/home/fatih/miniconda3/envs/fairmot-x/lib/python3.8/site-packages/torchvision/models/quantization/mobilenetv2.py", line 6, in from torch.ao.quantization import QuantStub, DeQuantStub ModuleNotFoundError: No module named 'torch.ao'

    opened by youonlytrackonce 0
  • How to get the tracking indicators, such as Mota

    How to get the tracking indicators, such as Mota

    I want to know how to get the tracking indicators, such as MOTA, only "python3 track.py"? But when I run track.py ,always show "[Warning]: No objects detected." I don't know why. And I can't get indicators . But I can get images after tracking on BDD100k MOT dataset.

    opened by fafa114 0
  • train log

    train log

    Thanks for your work! I follow your code and then implement yolox+fairmot in mmdetection. But the ReID loss does not descend. Would you mind uploading your train log as a reference ?

    opened by taofuyu 3
Releases(Weights)
Owner
Jonathan Tan
Mech. Engineering Undergraduate at NUS with deep interest in machine learning and robotics.
Jonathan Tan
Instant-Teaching: An End-to-End Semi-Supervised Object Detection Framework

This repo is the official implementation of "Instant-Teaching: An End-to-End Semi-Supervised Object Detection Framework". @inproceedings{zhou2021insta

34 Dec 31, 2022
Metric learning algorithms in Python

metric-learn: Metric Learning in Python metric-learn contains efficient Python implementations of several popular supervised and weakly-supervised met

1.3k Dec 28, 2022
Writeups for the challenges from DownUnderCTF 2021

cloud Challenge Author Difficulty Release Round Bad Bucket Blue Alder easy round 1 Not as Bad Bucket Blue Alder easy round 1 Lost n Found Blue Alder m

DownUnderCTF 161 Dec 31, 2022
Implementation of the paper "Shapley Explanation Networks"

Shapley Explanation Networks Implementation of the paper "Shapley Explanation Networks" at ICLR 2021. Note that this repo heavily uses the experimenta

68 Dec 27, 2022
NeuroMorph: Unsupervised Shape Interpolation and Correspondence in One Go

NeuroMorph: Unsupervised Shape Interpolation and Correspondence in One Go This repository provides our implementation of the CVPR 2021 paper NeuroMorp

Meta Research 35 Dec 08, 2022
Simple image captioning model - CLIP prefix captioning.

CLIP prefix captioning. Inference Notebook: 🥳 New: 🥳 Our technical papar is finally out! Official implementation for the paper "ClipCap: CLIP Prefix

688 Jan 04, 2023
CFNet: Cascade and Fused Cost Volume for Robust Stereo Matching(CVPR2021)

CFNet(CVPR 2021) This is the implementation of the paper CFNet: Cascade and Fused Cost Volume for Robust Stereo Matching, CVPR 2021, Zhelun Shen, Yuch

106 Dec 28, 2022
Open source hardware and software platform to build a small scale self driving car.

Donkeycar is minimalist and modular self driving library for Python. It is developed for hobbyists and students with a focus on allowing fast experimentation and easy community contributions.

Autorope 2.4k Jan 04, 2023
Deduplicating Training Data Makes Language Models Better

Deduplicating Training Data Makes Language Models Better This repository contains code to deduplicate language model datasets as descrbed in the paper

Google Research 431 Dec 27, 2022
Scikit-event-correlation - Event Correlation and Forecasting over High Dimensional Streaming Sensor Data algorithms

scikit-event-correlation Event Correlation and Changing Detection Algorithm Theo

Intellia ICT 5 Oct 30, 2022
This is the code of NeurIPS'21 paper "Towards Enabling Meta-Learning from Target Models".

ST This is the code of NeurIPS 2021 paper "Towards Enabling Meta-Learning from Target Models". If you use any content of this repo for your work, plea

Su Lu 7 Dec 06, 2022
The official implementation for "FQ-ViT: Fully Quantized Vision Transformer without Retraining".

FQ-ViT [arXiv] This repo contains the official implementation of "FQ-ViT: Fully Quantized Vision Transformer without Retraining". Table of Contents In

132 Jan 08, 2023
Steer OpenAI's Jukebox with Music Taggers

TagBox Steer OpenAI's Jukebox with Music Taggers! The closest thing we have to VQGAN+CLIP for music! Unsupervised Source Separation By Steering Pretra

Ethan Manilow 34 Nov 02, 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
Implementation of experiments in the paper Clockwork Variational Autoencoders (project website) using JAX and Flax

Clockwork VAEs in JAX/Flax Implementation of experiments in the paper Clockwork Variational Autoencoders (project website) using JAX and Flax, ported

Julius Kunze 26 Oct 05, 2022
An educational AI robot based on NVIDIA Jetson Nano.

JetBot Looking for a quick way to get started with JetBot? Many third party kits are now available! JetBot is an open-source robot based on NVIDIA Jet

NVIDIA AI IOT 2.6k Dec 29, 2022
Curriculum Domain Adaptation for Semantic Segmentation of Urban Scenes, ICCV 2017

AdaptationSeg This is the Python reference implementation of AdaptionSeg proposed in "Curriculum Domain Adaptation for Semantic Segmentation of Urban

Yang Zhang 128 Oct 19, 2022
[ACM MM 2021] Joint Implicit Image Function for Guided Depth Super-Resolution

Joint Implicit Image Function for Guided Depth Super-Resolution This repository contains the code for: Joint Implicit Image Function for Guided Depth

hawkey 78 Dec 27, 2022
Like ThreeJS but for Python and based on wgpu

pygfx A render engine, inspired by ThreeJS, but for Python and targeting Vulkan/Metal/DX12 (via wgpu). Introduction This is a Python render engine bui

139 Jan 07, 2023
General Virtual Sketching Framework for Vector Line Art (SIGGRAPH 2021)

General Virtual Sketching Framework for Vector Line Art - SIGGRAPH 2021 Paper | Project Page Outline Dependencies Testing with Trained Weights Trainin

Haoran MO 118 Dec 27, 2022