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
This repository implements variational graph auto encoder by Thomas Kipf.

Variational Graph Auto-encoder in Pytorch This repository implements variational graph auto-encoder by Thomas Kipf. For details of the model, refer to

DaehanKim 215 Jan 02, 2023
A script that trains a model to recognize handwritten digits using the MNIST data set.

handwritten-digits-recognition A script that trains a model to recognize handwritten digits using the MNIST data set. Then it loads external files and

Hamza Sayih 1 Oct 30, 2021
Learning Time-Critical Responses for Interactive Character Control

Learning Time-Critical Responses for Interactive Character Control Abstract This code implements the paper Learning Time-Critical Responses for Intera

Movement Research Lab 227 Dec 31, 2022
Segment axon and myelin from microscopy data using deep learning

Segment axon and myelin from microscopy data using deep learning. Written in Python. Using the TensorFlow framework. Based on a convolutional neural network architecture. Pixels are classified as eit

NeuroPoly 103 Nov 29, 2022
Prompt-BERT: Prompt makes BERT Better at Sentence Embeddings

Prompt-BERT: Prompt makes BERT Better at Sentence Embeddings Results on STS Tasks Model STS12 STS13 STS14 STS15 STS16 STSb SICK-R Avg. unsup-prompt-be

196 Jan 08, 2023
Predict halo masses from simulations via graph neural networks

HaloGraphNet Predict halo masses from simulations via Graph Neural Networks. Given a dark matter halo and its galaxies, creates a graph with informati

Pablo Villanueva Domingo 20 Nov 15, 2022
Yolov5 + Deep Sort with PyTorch

딥소트 수정중 Yolov5 + Deep Sort with PyTorch Introduction This repository contains a two-stage-tracker. The detections generated by YOLOv5, a family of obj

1 Nov 26, 2021
Learning 3D Part Assembly from a Single Image

Learning 3D Part Assembly from a Single Image This repository contains a PyTorch implementation of the paper: Learning 3D Part Assembly from A Single

18 Dec 21, 2022
Anchor-free Oriented Proposal Generator for Object Detection

Anchor-free Oriented Proposal Generator for Object Detection Gong Cheng, Jiabao Wang, Ke Li, Xingxing Xie, Chunbo Lang, Yanqing Yao, Junwei Han, Intro

jbwang1997 56 Nov 15, 2022
Code for "Causal autoregressive flows" - AISTATS, 2021

Code for "Causal Autoregressive Flow" This repository contains code to run and reproduce experiments presented in Causal Autoregressive Flows, present

Ricardo Pio Monti 35 Dec 16, 2022
AFLFast (extends AFL with Power Schedules)

AFLFast Power schedules implemented by Marcel Böhme [email protected]

Marcel Böhme 380 Jan 03, 2023
A modification of Daniel Russell's notebook merged with Katherine Crowson's hq-skip-net changes

Edits made to this repo by Katherine Crowson I have added several features to this repository for use in creating higher quality generative art (featu

Paul Fishwick 10 May 07, 2022
SegNet model implemented using keras framework

keras-segnet Implementation of SegNet-like architecture using keras. Current version doesn't support index transferring proposed in SegNet article, so

185 Aug 30, 2022
Image Segmentation and Object Detection in Pytorch

Image Segmentation and Object Detection in Pytorch Pytorch-Segmentation-Detection is a library for image segmentation and object detection with report

Daniil Pakhomov 732 Dec 10, 2022
🤖 A Python library for learning and evaluating knowledge graph embeddings

PyKEEN PyKEEN (Python KnowlEdge EmbeddiNgs) is a Python package designed to train and evaluate knowledge graph embedding models (incorporating multi-m

PyKEEN 1.1k Jan 09, 2023
🔥 Cannlytics-powered artificial intelligence 🤖

Cannlytics AI 🔥 Cannlytics-powered artificial intelligence 🤖 🏗️ Installation 🏃‍♀️ Quickstart 🧱 Development 🦾 Automation 💸 Support 🏛️ License ?

Cannlytics 3 Nov 11, 2022
Official code for the ICLR 2021 paper Neural ODE Processes

Neural ODE Processes Official code for the paper Neural ODE Processes (ICLR 2021). Abstract Neural Ordinary Differential Equations (NODEs) use a neura

Cristian Bodnar 50 Oct 28, 2022
Discovering Dynamic Salient Regions with Spatio-Temporal Graph Neural Networks

Discovering Dynamic Salient Regions with Spatio-Temporal Graph Neural Networks This is the official code for DyReg model inroduced in Discovering Dyna

Bitdefender Machine Learning 11 Nov 08, 2022
Have you ever wondered how cool it would be to have your own A.I

Have you ever wondered how cool it would be to have your own A.I. assistant Imagine how easier it would be to send emails without typing a single word, doing Wikipedia searches without opening web br

Harsh Gupta 1 Nov 09, 2021
Uses OpenCV and Python Code to detect a face on the screen

Simple-Face-Detection This code uses OpenCV and Python Code to detect a face on the screen. This serves as an example program. Important prerequisites

Denis Woolley (CreepyD) 1 Feb 12, 2022