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
Fast and Simple Neural Vocoder, the Multiband RNNMS

Multiband RNN_MS Fast and Simple vocoder, Multiband RNN_MS. Demo Quick training How to Use System Details Results References Demo ToDO: Link super gre

tarepan 5 Jan 11, 2022
A real-time motion capture system that estimates poses and global translations using only 6 inertial measurement units

TransPose Code for our SIGGRAPH 2021 paper "TransPose: Real-time 3D Human Translation and Pose Estimation with Six Inertial Sensors". This repository

Xinyu Yi 261 Dec 31, 2022
State-of-the-art data augmentation search algorithms in PyTorch

MuarAugment Description MuarAugment is a package providing the easiest way to a state-of-the-art data augmentation pipeline. How to use You can instal

43 Dec 12, 2022
PyTorch implementation of paper "Neural Scene Flow Fields for Space-Time View Synthesis of Dynamic Scenes", CVPR 2021

Neural Scene Flow Fields PyTorch implementation of paper "Neural Scene Flow Fields for Space-Time View Synthesis of Dynamic Scenes", CVPR 20

Zhengqi Li 585 Jan 04, 2023
MIM: MIM Installs OpenMMLab Packages

MIM provides a unified API for launching and installing OpenMMLab projects and their extensions, and managing the OpenMMLab model zoo.

OpenMMLab 254 Jan 04, 2023
SIEM Logstash parsing for more than hundred technologies

LogIndexer Pipeline Logstash Parsing Configurations for Elastisearch SIEM and OpenDistro for Elasticsearch SIEM Why this project exists The overhead o

146 Dec 29, 2022
KwaiRec: A Fully-observed Dataset for Recommender Systems (Density: Almost 100%)

KuaiRec: A Fully-observed Dataset for Recommender Systems (Density: Almost 100%) KuaiRec is a real-world dataset collected from the recommendation log

Chongming GAO (高崇铭) 70 Dec 28, 2022
Accelerating BERT Inference for Sequence Labeling via Early-Exit

Sequence-Labeling-Early-Exit Code for ACL 2021 paper: Accelerating BERT Inference for Sequence Labeling via Early-Exit Requirement: Please refer to re

李孝男 23 Oct 14, 2022
A PyTorch implementation of SIN: Superpixel Interpolation Network

SIN: Superpixel Interpolation Network This is is a PyTorch implementation of the superpixel segmentation network introduced in our PRICAI-2021 paper:

6 Sep 28, 2022
Bunch of different tools which helps visualizing and annotating images for semantic/instance segmentation tasks

Data Framework for Semantic/Instance Segmentation Bunch of different tools which helps visualizing, transforming and annotating images for semantic/in

Bruno Fernandes Carvalho 5 Dec 21, 2022
[CVPR 2022] PoseTriplet: Co-evolving 3D Human Pose Estimation, Imitation, and Hallucination under Self-supervision (Oral)

PoseTriplet: Co-evolving 3D Human Pose Estimation, Imitation, and Hallucination under Self-supervision Kehong Gong*, Bingbing Li*, Jianfeng Zhang*, Ta

256 Dec 28, 2022
Optimal Camera Position for a Practical Application of Gaze Estimation on Edge Devices,

Optimal Camera Position for a Practical Application of Gaze Estimation on Edge Devices, Linh Van Ma, Tin Trung Tran, Moongu Jeon, ICAIIC 2022 (The 4th

Linh 11 Oct 10, 2022
Federated Deep Reinforcement Learning for the Distributed Control of NextG Wireless Networks.

FDRL-PC-Dyspan Federated Deep Reinforcement Learning for the Distributed Control of NextG Wireless Networks. This repository contains the entire code

Peyman Tehrani 17 Nov 18, 2022
A Deep Learning Based Knowledge Extraction Toolkit for Knowledge Base Population

DeepKE is a knowledge extraction toolkit supporting low-resource and document-level scenarios for entity, relation and attribute extraction. We provide comprehensive documents, Google Colab tutorials

ZJUNLP 1.6k Jan 05, 2023
A Deep Learning based project for creating line art portraits.

ArtLine The main aim of the project is to create amazing line art portraits. Sounds Intresting,let's get to the pictures!! Model-(Smooth) Model-(Quali

Vijish Madhavan 3.3k Jan 07, 2023
Official implementation of NeurIPS 2021 paper "Contextual Similarity Aggregation with Self-attention for Visual Re-ranking"

CSA: Contextual Similarity Aggregation with Self-attention for Visual Re-ranking PyTorch training code for CSA (Contextual Similarity Aggregation). We

Hui Wu 19 Oct 21, 2022
Implementation of the SUMO (Slim U-Net trained on MODA) model

SUMO - Slim U-Net trained on MODA Implementation of the SUMO (Slim U-Net trained on MODA) model as described in: TODO: add reference to paper once ava

6 Nov 19, 2022
Code used to generate the results appearing in "Train longer, generalize better: closing the generalization gap in large batch training of neural networks"

Train longer, generalize better - Big batch training This is a code repository used to generate the results appearing in "Train longer, generalize bet

Elad Hoffer 145 Sep 16, 2022
EGNN - Implementation of E(n)-Equivariant Graph Neural Networks, in Pytorch

EGNN - Pytorch Implementation of E(n)-Equivariant Graph Neural Networks, in Pytorch. May be eventually used for Alphafold2 replication. This

Phil Wang 259 Jan 04, 2023
Pytorch implementation for "Density-aware Chamfer Distance as a Comprehensive Metric for Point Cloud Completion" (NeurIPS 2021)

Density-aware Chamfer Distance This repository contains the official PyTorch implementation of our paper: Density-aware Chamfer Distance as a Comprehe

Tong WU 93 Dec 15, 2022