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
TUPÃ was developed to analyze electric field properties in molecular simulations

TUPÃ: Electric field analyses for molecular simulations What is TUPÃ? TUPÃ (pronounced as tu-pan) is a python algorithm that employs MDAnalysis engine

Marcelo D. Polêto 10 Jul 17, 2022
Code for "Adversarial attack by dropping information." (ICCV 2021)

AdvDrop Code for "AdvDrop: Adversarial Attack to DNNs by Dropping Information(ICCV 2021)." Human can easily recognize visual objects with lost informa

Ranjie Duan 52 Nov 10, 2022
ICLR 2021 i-Mix: A Domain-Agnostic Strategy for Contrastive Representation Learning

Introduction PyTorch code for the ICLR 2021 paper [i-Mix: A Domain-Agnostic Strategy for Contrastive Representation Learning]. @inproceedings{lee2021i

Kibok Lee 68 Nov 27, 2022
This is the official implement of paper "ActionCLIP: A New Paradigm for Action Recognition"

This is an official pytorch implementation of ActionCLIP: A New Paradigm for Video Action Recognition [arXiv] Overview Content Prerequisites Data Prep

268 Jan 09, 2023
So-ViT: Mind Visual Tokens for Vision Transformer

So-ViT: Mind Visual Tokens for Vision Transformer        Introduction This repository contains the source code under PyTorch framework and models trai

Jiangtao Xie 44 Nov 24, 2022
PyTorch implementation of an end-to-end Handwritten Text Recognition (HTR) system based on attention encoder-decoder networks

AttentionHTR PyTorch implementation of an end-to-end Handwritten Text Recognition (HTR) system based on attention encoder-decoder networks. Scene Text

Dmitrijs Kass 31 Dec 22, 2022
Convex optimization for fun and profit.

CFMM Optimal Routing This repository contains the code needed to generate the figures used in the paper Optimal Routing for Constant Function Market M

Guillermo Angeris 183 Dec 29, 2022
Explaining Deep Neural Networks - A comparison of different CAM methods based on an insect data set

Explaining Deep Neural Networks - A comparison of different CAM methods based on an insect data set This is the repository for the Deep Learning proje

Robert Krug 3 Feb 06, 2022
Semi-supervised semantic segmentation needs strong, varied perturbations

Semi-supervised semantic segmentation using CutMix and Colour Augmentation Implementations of our papers: Semi-supervised semantic segmentation needs

146 Dec 20, 2022
A deep learning model for style-specific music generation.

DeepJ: A model for style-specific music generation https://arxiv.org/abs/1801.00887 Abstract Recent advances in deep neural networks have enabled algo

Henry Mao 704 Nov 23, 2022
Solutions of Reinforcement Learning 2nd Edition

Solutions of Reinforcement Learning, An Introduction

YIFAN WANG 1.4k Dec 30, 2022
PyTorch implementation of Glow

glow-pytorch PyTorch implementation of Glow, Generative Flow with Invertible 1x1 Convolutions (https://arxiv.org/abs/1807.03039) Usage: python train.p

Kim Seonghyeon 433 Dec 27, 2022
Efficient Multi Collection Style Transfer Using GAN

Proposed a new model that can make style transfer from single style image, and allow to transfer into multiple different styles in a single model.

Zhaozheng Shen 2 Jan 15, 2022
PyTorch code for our paper "Image Super-Resolution with Non-Local Sparse Attention" (CVPR2021).

Image Super-Resolution with Non-Local Sparse Attention This repository is for NLSN introduced in the following paper "Image Super-Resolution with Non-

143 Dec 28, 2022
Tensors and neural networks in Haskell

Hasktorch Hasktorch is a library for tensors and neural networks in Haskell. It is an independent open source community project which leverages the co

hasktorch 920 Jan 04, 2023
DISTIL: Deep dIverSified inTeractIve Learning.

DISTIL: Deep dIverSified inTeractIve Learning. An active/inter-active learning library built on py-torch for reducing labeling costs.

decile-team 110 Dec 06, 2022
Identifying Stroke Indicators Using Rough Sets

Identifying Stroke Indicators Using Rough Sets With the spirit of reproducible research, this repository contains all the codes required to produce th

Muhammad Salman Pathan 0 Jun 09, 2022
End-to-end Temporal Action Detection with Transformer. [Under review]

TadTR: End-to-end Temporal Action Detection with Transformer By Xiaolong Liu, Qimeng Wang, Yao Hu, Xu Tang, Song Bai, Xiang Bai. This repo holds the c

Xiaolong Liu 105 Dec 25, 2022
PyTorch code for our paper "Attention in Attention Network for Image Super-Resolution"

Under construction... Attention in Attention Network for Image Super-Resolution (A2N) This repository is an PyTorch implementation of the paper "Atten

Haoyu Chen 71 Dec 30, 2022
A-SDF: Learning Disentangled Signed Distance Functions for Articulated Shape Representation (ICCV 2021)

A-SDF: Learning Disentangled Signed Distance Functions for Articulated Shape Representation (ICCV 2021) This repository contains the official implemen

81 Dec 14, 2022