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
DeepFaceLab fork which provides IPython Notebook to use DFL with Google Colab

DFL-Colab — DeepFaceLab fork for Google Colab This project provides you IPython Notebook to use DeepFaceLab with Google Colaboratory. You can create y

779 Jan 05, 2023
Implementation of our NeurIPS 2021 paper "A Bi-Level Framework for Learning to Solve Combinatorial Optimization on Graphs".

PPO-BiHyb This is the official implementation of our NeurIPS 2021 paper "A Bi-Level Framework for Learning to Solve Combinatorial Optimization on Grap

<a href=[email protected]"> 66 Nov 23, 2022
Multi-Template Mouse Brain MRI Atlas (MBMA): both in-vivo and ex-vivo

Multi-template MRI mouse brain atlas (both in vivo and ex vivo) Mouse Brain MRI atlas (both in-vivo and ex-vivo) (repository relocated from the origin

8 Nov 18, 2022
[NeurIPS 2021] SSUL: Semantic Segmentation with Unknown Label for Exemplar-based Class-Incremental Learning

SSUL - Official Pytorch Implementation (NeurIPS 2021) SSUL: Semantic Segmentation with Unknown Label for Exemplar-based Class-Incremental Learning Sun

Clova AI Research 44 Dec 27, 2022
Python script for performing depth completion from sparse depth and rgb images using the msg_chn_wacv20. model in Tensorflow Lite.

TFLite-msg_chn_wacv20-depth-completion Python script for performing depth completion from sparse depth and rgb images using the msg_chn_wacv20. model

Ibai Gorordo 2 Oct 04, 2021
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"

The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"

Sun Yi 201 Nov 21, 2022
Source for the paper "Universal Activation Function for machine learning"

Universal Activation Function Tensorflow and Pytorch source code for the paper Yuen, Brosnan, Minh Tu Hoang, Xiaodai Dong, and Tao Lu. "Universal acti

4 Dec 03, 2022
Code for CVPR2019 paper《Unequal Training for Deep Face Recognition with Long Tailed Noisy Data》

Unequal-Training-for-Deep-Face-Recognition-with-Long-Tailed-Noisy-Data. This is the code of CVPR 2019 paper《Unequal Training for Deep Face Recognition

Zhong Yaoyao 68 Jan 07, 2023
GAN-STEM-Conv2MultiSlice - Exploring Generative Adversarial Networks for Image-to-Image Translation in STEM Simulation

GAN-STEM-Conv2MultiSlice GAN method to help covert lower resolution STEM images generated by convolution methods to higher resolution STEM images gene

UW-Madison Computational Materials Group 2 Feb 10, 2021
Apply a perspective transformation to a raster image inside Inkscape (no need to use an external software such as GIMP or Krita).

Raster Perspective Apply a perspective transformation to bitmap image using the selected path as envelope, without the need to use an external softwar

s.ouchene 19 Dec 22, 2022
Fluency ENhanced Sentence-bert Evaluation (FENSE), metric for audio caption evaluation. And Benchmark dataset AudioCaps-Eval, Clotho-Eval.

FENSE The metric, Fluency ENhanced Sentence-bert Evaluation (FENSE), for audio caption evaluation, proposed in the paper "Can Audio Captions Be Evalua

Zhiling Zhang 13 Dec 23, 2022
This project provides the code and datasets for 'CapSal: Leveraging Captioning to Boost Semantics for Salient Object Detection', CVPR 2019.

Code-and-Dataset-for-CapSal This project provides the code and datasets for 'CapSal: Leveraging Captioning to Boost Semantics for Salient Object Detec

lu zhang 48 Aug 19, 2022
Python SDK for building, training, and deploying ML models

Overview of Kubeflow Fairing Kubeflow Fairing is a Python package that streamlines the process of building, training, and deploying machine learning (

Kubeflow 325 Dec 13, 2022
Assessing syntactic abilities of BERT

BERT-Syntax Assesing the syntactic abilities of BERT. What Evaluate Google's BERT-Base and BERT-Large models on the syntactic agreement datasets from

Yoav Goldberg 147 Aug 02, 2022
Bag of Tricks for Natural Policy Gradient Reinforcement Learning

Bag of Tricks for Natural Policy Gradient Reinforcement Learning [ArXiv] Setup Python 3.8.0 pip install -r req.txt Mujoco 200 license Main Files main.

Brennan Gebotys 1 Oct 10, 2022
Implementation of Graph Transformer in Pytorch, for potential use in replicating Alphafold2

Graph Transformer - Pytorch Implementation of Graph Transformer in Pytorch, for potential use in replicating Alphafold2. This was recently used by bot

Phil Wang 97 Dec 28, 2022
Research code for Arxiv paper "Camera Motion Agnostic 3D Human Pose Estimation"

GMR(Camera Motion Agnostic 3D Human Pose Estimation) This repo provides the source code of our arXiv paper: Seong Hyun Kim, Sunwon Jeong, Sungbum Park

Seong Hyun Kim 1 Feb 07, 2022
Global-Local Attention for Emotion Recognition

Global-Local Attention for Emotion Recognition Requirements Python 3 Install tensorflow (or tensorflow-gpu) = 2.0.0 Install some other packages pip i

Minh Nhat Le 15 Apr 21, 2022
A Traffic Sign Recognition Project which can help the driver recognise the signs via text as well as audio. Can be used at Night also.

Traffic-Sign-Recognition In this report, we propose a Convolutional Neural Network(CNN) for traffic sign classification that achieves outstanding perf

Mini Project 64 Nov 19, 2022
Code for "Unsupervised State Representation Learning in Atari"

Unsupervised State Representation Learning in Atari Ankesh Anand*, Evan Racah*, Sherjil Ozair*, Yoshua Bengio, Marc-Alexandre Côté, R Devon Hjelm This

Mila 217 Jan 03, 2023