An open API service providing repository metadata for many open source software ecosystems.

Topic: "tracking-by-detection"

mikel-brostrom/boxmot

BoxMOT: pluggable SOTA tracking modules for segmentation, object detection and pose estimation models

Language: Python - Size: 125 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 7,179 - Forks: 1,770

abhineet123/Deep-Learning-for-Tracking-and-Detection

Collection of papers, datasets, code and other resources for object tracking and detection using deep learning

Language: HTML - Size: 1.82 GB - Last synced at: 22 days ago - Pushed at: 11 months ago - Stars: 2,458 - Forks: 654

Zhongdao/Towards-Realtime-MOT

Joint Detection and Embedding for fast multi-object tracking

Language: Python - Size: 20.9 MB - Last synced at: 7 days ago - Pushed at: over 3 years ago - Stars: 2,415 - Forks: 542

NirAharon/BoT-SORT

BoT-SORT: Robust Associations Multi-Pedestrian Tracking

Language: Jupyter Notebook - Size: 54.4 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 1,032 - Forks: 441

bochinski/iou-tracker

Python implementation of the IOU Tracker

Language: Python - Size: 40 KB - Last synced at: 11 months ago - Pushed at: about 5 years ago - Stars: 688 - Forks: 176

wmuron/motpy

Library for tracking-by-detection multi object tracking implemented in python

Language: Python - Size: 18.6 MB - Last synced at: 13 days ago - Pushed at: 9 months ago - Stars: 520 - Forks: 60

amarlearning/Finger-Detection-and-Tracking

Finger Detection and Tracking using OpenCV and Python

Language: Python - Size: 25.4 MB - Last synced at: 17 days ago - Pushed at: 8 months ago - Stars: 395 - Forks: 152

Zhongdao/UniTrack

[NeurIPS'21] Unified tracking framework with a single appearance model. It supports Single Object Tracking (SOT), Video Object Segmentation (VOS), Multi-Object Tracking (MOT), Multi-Object Tracking and Segmentation (MOTS), Pose Tracking, Video Instance Segmentation (VIS), and class-agnostic MOT (e.g. TAO dataset).

Language: Python - Size: 62.7 MB - Last synced at: 15 days ago - Pushed at: almost 3 years ago - Stars: 345 - Forks: 35

samuelmurray/tracking-by-detection

Multiple object tracking (MOT) algorithm implemented in C++

Language: C++ - Size: 14.4 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 337 - Forks: 95

rampal-punia/yolov8-streamlit-detection-tracking

Object detection and tracking algorithm implemented for Real-Time video streams and static images.

Language: Python - Size: 63.4 MB - Last synced at: 17 days ago - Pushed at: 8 months ago - Stars: 334 - Forks: 143

MedChaabane/DEFT

Joint detection and tracking model named DEFT, or ``Detection Embeddings for Tracking." Our approach relies on an appearance-based object matching network jointly-learned with an underlying object detection network. An LSTM is also added to capture motion constraints.

Language: Python - Size: 32.3 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 273 - Forks: 42

KeyForce/Cascade-RCNN-Tracking

Cascade-RCNN+DeepSort MOTDT Trackor++

Language: Python - Size: 2.22 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 132 - Forks: 23

megvii-research/MCTrack

This is the offical implementation of the paper "MCTrack: A Unified 3D Multi-Object Tracking Framework for Autonomous Driving"

Language: Python - Size: 3.86 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 129 - Forks: 10

tsenst/CrowdFlow

Optical Flow Dataset and Benchmark for Visual Crowd Analysis

Language: Python - Size: 1.94 MB - Last synced at: 21 days ago - Pushed at: over 1 year ago - Stars: 113 - Forks: 22

jiaweihe1996/GMTracker

Official PyTorch implementation of "Learnable Graph Matching: Incorporating Graph Partitioning with Deep Feature Learning for Multiple Object Tracking" (CVPR 2021).

Language: Python - Size: 29.4 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 112 - Forks: 23

Kazuhito00/MOT-Tracking-by-Detection-Pipeline

Tracking-by-Detection形式のMOT(Multi Object Tracking)について、 DetectionとTrackingの処理を分離して寄せ集めたフレームワーク(Tracking-by-Detection method MOT(Multi Object Tracking) is a framework that separates the processing of Detection and Tracking.)

Language: Python - Size: 437 MB - Last synced at: 1 day ago - Pushed at: 7 months ago - Stars: 70 - Forks: 11

DLR-MI/UTrack

Multi-Object Tracking with Uncertain Detections [ECCV 2024 UnCV]

Language: Python - Size: 189 MB - Last synced at: 6 days ago - Pushed at: 6 months ago - Stars: 59 - Forks: 1

hardik0/Multi-Object-Tracking-Google-Colab

Collection of papers, code, notebooks, datasets and other resources for Multi Object Tracking (Vehicle tracking, Pedestrian tracking) | Google colab

Language: Jupyter Notebook - Size: 49.3 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 58 - Forks: 19

Postroggy/OC_SORT_CPP

[CVPR 2024] OC-SORT implemented in C++ with Eigen Library, Plus a Android Demo Apk

Language: C++ - Size: 109 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 55 - Forks: 12

yfukai/laptrack

Particle tracking by solving linear assignment problem.

Language: Python - Size: 26.8 MB - Last synced at: 5 days ago - Pushed at: 12 days ago - Stars: 49 - Forks: 4

licksylick/AutoTrackAnything

AutoTrackAnything is a universal, flexible and interactive tool for insane automatic object tracking over thousands of frames. It is developed upon XMem, Yolov8 and MobileSAM (Segment Anything), can track anything which detect Yolov8.

Language: Python - Size: 94.3 MB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 48 - Forks: 5

SeanChenxy/TSSD-OTA

Temporally Identity-Aware SSD with Attentional LSTM

Language: Python - Size: 143 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 48 - Forks: 10

gitmehrdad/SFSORT

SFSORT: Scene Features-based Simple Online Real-Time Tracker

Language: Jupyter Notebook - Size: 20.2 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 46 - Forks: 6

colinlaney/animal-tracking

Object tracking with OpenCV in open field behavioral test (overhead view maze)

Language: Python - Size: 59.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 46 - Forks: 23

JanghoonChoi/TACT

Visual Tracking by TridenAlign and Context Embedding

Language: Python - Size: 6.2 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 34 - Forks: 7

LdDl/odam

ODAM - Object detection and Monitoring

Language: Go - Size: 73 MB - Last synced at: 16 days ago - Pushed at: almost 2 years ago - Stars: 33 - Forks: 4

SonginCV/GMPHD-OGM_Tracker

This repository includes a C/C++ Implementation of the GMPHD-OGM tracker with a demo code.

Language: C++ - Size: 39.5 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 29 - Forks: 8

SmitSheth/People-Counter

This project counts number of people coming in and going out of structures such as building, stores,etc. based on tripline crossing.

Language: C - Size: 28.4 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 27 - Forks: 9

PPokorski/laser_object_tracker

ROS package for Detection and Tracking of Multiple Objects (DATMO), code of my master's thesis "Prediction of Objects' Motion in the Vicinity of Robot".

Language: C++ - Size: 447 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 21 - Forks: 5

ATRACKCS/ATRACKCS

Python package for automated detection and tracking of cumulus clouds from satellite data

Language: HTML - Size: 268 MB - Last synced at: 19 days ago - Pushed at: about 1 month ago - Stars: 16 - Forks: 4

ksm26/ROS-based-3D-detection-Tracking

Deployment of 3D-Detection and Tracking pipeline in simulation based on rosbags and real-time.

Language: Python - Size: 92.5 MB - Last synced at: 24 days ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 1

fubel/stmc

Code for the paper "Spatial-Temporal Multi-Cuts for Online Multiple-Camera Vehicle Tracking"

Language: Python - Size: 47.9 KB - Last synced at: 9 days ago - Pushed at: 10 days ago - Stars: 10 - Forks: 1

Nicholasli1995/SNVC

Official project website for the AAAI 2022 paper "Stereo Neural Vernier Caliper"

Language: Python - Size: 5.74 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 1

tien02/TrackingwYolov5DeepSORT

Approaching Pedestrian Tracking problem on surveillance camera with YoloV5 for pedestrian detection and DeepSORT for tracking.

Language: Python - Size: 72.8 MB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

ZeroAct/tracking-with-yolov5

Multiple Object Tracking with Yolov5!

Language: Python - Size: 9.52 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 0

ambakick/computer-vision

Where all the state-of-the-art computer vision Algorithms meet

Language: Python - Size: 4.61 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 2

wish44165/YOLOv12-BoT-SORT-ReID

🔥 CVPR 2025 (Nashville TN) - The 4th Anti-UAV Workshop & Challenge

Language: Python - Size: 67.3 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 8 - Forks: 0

mbari-org/deepsea-track

Lightweight tracking software for tracking multiple objects in deep-sea underwater video. It is designed to be used with detection output in XML files in PASCAL VOC format or with detection messages sent with ZeroMQ. It generates unique VisualEvent track sequences for analysis.

Language: C++ - Size: 1.61 MB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

farhad-dalirani/Thermal-Camera-Vehicle-Detection-Tracking-Counting

Traffic flow monitoring using thermal camera: Detection of vehicles through fine-tuned YOLO-NAS, tracking of objects using SORT, and counting unique objects of interest as they pass through specified regions.

Language: Jupyter Notebook - Size: 8.7 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 7 - Forks: 1

genema/YOLO_DeepSORT

Integrated object detection & tracking using YOLO and DeepSORT

Language: Python - Size: 348 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 4

husikl/ist_ros

IST-ROS: Interactive Segmentation and Tracking for ROS, is a package based on integration of Segment Anything Model with semi-supervised video object segmentation method, for flexible object segmentation and tracking in ROS-based systems.

Language: Python - Size: 392 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 6 - Forks: 2

panditakshay402/BiteBuddy

BiteBuddy is an Android food delivery application that allows users to browse and order from a variety of local restaurants. Built using Java and SQLite, the app features an intuitive user interface, order tracking, secure payment options, and personalized recommendations.

Language: Java - Size: 2.33 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 5 - Forks: 2

GURPREETKAURJETHRA/YOLOv10_DeepSORT-Object-Detection-And-Tracking

This repository contains code for object detection and tracking in videos using the YOLOv10 object detection model and the DeepSORT algorithm.

Language: Python - Size: 15.7 MB - Last synced at: 15 days ago - Pushed at: 11 months ago - Stars: 5 - Forks: 3

jwnicholas99/PiTracker

🔭 A TensorFlow-Lite powered tracking rover.

Language: Python - Size: 75 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

popCain/DetectionAndTracking_iOS

Simple Online Realtime Multi-object detection and tracking on mobile device of iOS

Language: Swift - Size: 42.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

mbari-org/deepsea-ai

DeepSea-AI is a Python package to simplify processing deep sea video in AWS https://aws.amazon.com from a command line.

Language: Python - Size: 3.08 MB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 4 - Forks: 4

Haftom19/YOLOV4-DeepSORT-tracking

People tracking in crowded locations using multiple object Tracking (MOT)

Language: Jupyter Notebook - Size: 19.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

pprp/simple_deep_sort

deep sort with yolov3. Modify darknet based yolov3 to pytorch based yolov3.

Language: Python - Size: 46.5 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 0

lucasxlu/adversarial_tracking

AL 4 Tracking

Language: Python - Size: 80.7 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0

TrackingLaboratory/CAMELTrack

Official implementation of 🐫 CAMELTrack: Context-Aware Multi-cue ExpLoitation for Online Multi-Object Tracking 🐫

Language: Python - Size: 56.3 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 2 - Forks: 0

David-Lazaro-Fernandez/HackMty2024

Softtek wants to buy this

Language: Python - Size: 82.2 MB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

nomevini/montion-detective

MontionDetective é uma aplicação que utiliza técnicas de detecção e rastreio de objetos para identificar e acompanhar pessoas em um vídeo.

Language: Python - Size: 228 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0

KevinUTAT/surviver_dot_IO

A "helper" to the surviv.io game, using machine learning

Language: Python - Size: 3.9 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 1

Hamedkiri/features_matching_for_object_tracking

Using features-matching algorithm for tracking object

Language: Python - Size: 43.8 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

jfc4050/detect-to-track

correlation feature based object tracking

Language: Python - Size: 125 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

JLJ19/ClusterTracker

This repository contains the code used for ClusterTracker, a multiple object tracking method that is listed as "CTv0" in the MOT20 and HT21 challenges of https://motchallenge.net. ClusterTracker is described in the following paper: https://papers.ssrn.com/sol3/papers.cfm?abstract_id=4102945

Language: Python - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

yayuniversal/multi-object-tracker

Multi object tracker, with Python and OpenCV DNN

Language: Python - Size: 19.9 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

marwankefah/Kalman_Tracking_Single_Camera

Unofficial implementation of SORT, A simple online and real-time tracking algorithm for 2D multiple objects tracking in video sequences, with YOLOV4 (DarkNet) Example.

Language: Python - Size: 8.64 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Bennyhwanggggg/Landmark-Detection-and-Tracking-using-SLAM

Udacity Computer Vision Nanodegree - Landmark Detection and Tracking Project

Language: Jupyter Notebook - Size: 624 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

amarlearning/digit-recognition-opencv-cnn

Digit recognition in live video frame using OpenCV and Convolutional Neural Network

Language: Python - Size: 2.42 MB - Last synced at: 10 days ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 3

shelleywu/OverView

Microsoft Hololens' Holographic Hackathon Project

Language: C# - Size: 20.8 MB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 2

Onome-Joseph/License-Plate-Recognition

License Plate Recognition system capable of detecting license plates from images and videos, extracting the license plate text, and displaying it.

Language: Jupyter Notebook - Size: 48.7 MB - Last synced at: 16 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

ngnthien18/ObjectCountingFromDrone

Software for counting objects from drones

Language: Jupyter Notebook - Size: 334 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

Manukl535/Suspect-Tracker

Tracking the crime suspects through face detection

Language: PHP - Size: 98.1 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

small-cactus/objectTrack

objectTrack is a Python script using OpenCV to track any object within a video frame. Once a bounding box is drawn around the object, it tracks it until it goes off-screen. The script then searches for the original captured features to reidentify and resume tracking the object when it returns to view.

Language: Python - Size: 96.7 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

darrinbright/Vehicle-Detection-Tracking-Using-YOLOv5

A Real time Vehicle Detection and Tracking using YOLOv5 and SORT - Simple, online, and real time tracking of multiple objects in a video sequence.

Language: Python - Size: 46.9 KB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 1

marridG/2023-Spectrum_MOT

Language: Python - Size: 124 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Adrimapo/Mano-Zeus Fork of RoboTech-URJC/Mano-Zeus

Language: C++ - Size: 6.61 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1

nemonameless/PaddleDetection_YOLOset

Paddle YOLO set: YOLOv3, PPYOLO, PPYOLOE, YOLOX, YOLOv5, YOLOv7 and so on.

Language: Python - Size: 273 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

Atakan305/Lock_and_Tracking_in_UAV

Locking on target when UAV at the sky. Tracking given trajectory with Python code. We did these projects in the competition with the UAV team that I headed the software department.

Language: Python - Size: 14.6 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

KILBAHA/Improving_Multiple_Drosophilla_Tracking_With_Deep_Learning

A Multiple Object Tracking problem with Drosophilla. Conducted as part of my Bioinformatics MSc in Collaboration with Imperial's Gilestro Laboratory

Language: Python - Size: 1.17 GB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Mobile-Telematics/telematicsSDK-demoapp-Android-kotlin

The Demo app introduces the Telematics SDK integration for Android.

Language: Kotlin - Size: 8.99 MB - Last synced at: 3 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

ArefAz/Detection-Tracking-with-OpenCV

Detects the objects in a video and tracks them while maintaining a unique ID for each of them, until it is present in the scene.

Language: C++ - Size: 670 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

cajmorgan/track-kit

An adaption of the prominent 'Deep Sort' Algorithm, with re-identification features.

Language: Python - Size: 104 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ChenshuLiu/IOP-Microfluid-tracking

A computer vision algorithm for analyzing microfluidic systems to estimate intraocular pressure (IOP)

Language: Python - Size: 13.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

alireza13742010/Basketball-players-detections

this is the project for detecting 5 classes of objects inside basketball courts

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

angelTCC/VehicleTracking

Fine-tuned YOLO model for vehicle detection and tracking, enabling automated counting of various vehicle types as they cross a line.

Language: Jupyter Notebook - Size: 142 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mmartiasg/crab-track-app

Tracking app trainned on crabs.

Language: Python - Size: 95.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

bgunyel/mot

Multiple Object Tracking

Language: Python - Size: 51.8 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Semihocakli/yolov8-projects

Foot Classification Project and Other Experiments with YOLOv8

Language: Jupyter Notebook - Size: 150 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

mjmaher987/Football-Player-Tracking

Related to the computer vision project

Language: Jupyter Notebook - Size: 3.93 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

pleb631/imgalz

Library for quickly build detection-tracking pipline in python with onnx

Language: Python - Size: 6.07 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

lawl2/swarm-pheromone-control

This project aims to simulate Digital Pheromones System used in several algorithms to surveil, identify and track possible targets or Area of Interest

Language: NetLogo - Size: 21.5 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Sai-004/GazeGuide Fork of elecclubiitg/GazeGuide

Project to determine pupil location and movement by using openCV.

Language: Python - Size: 42 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

AtharvaTaras/Vehicle-Tracker

Simple vehicle tracking system for highways using CCTV footage.

Language: Python - Size: 3.91 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rdesc/TrackBots Fork of RoboCupULaval/TrackBots

Tracking software to track the robots from SSL Vision. Publishes robot position and velocity information as ROS odom messages.

Language: Python - Size: 355 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Related Topics
computer-vision 20 tracking 20 multi-object-tracking 19 object-detection 17 python 13 object-tracking 13 deep-learning 13 tracking-algorithm 12 opencv 10 yolov8 10 yolo 9 pytorch 9 detection 8 opencv-python 6 multiple-object-tracking 6 mot 6 yolov5 5 multi-object-tracker 5 segmentation 5 ros 4 machine-learning 4 cpp 4 multi-pedestrian-tracking 4 python3 4 deepsort 4 yolox 4 object-tracker 3 yolov4 3 deep-sort 3 yolov3 3 bytetrack 3 streamlit 3 video-processing 3 sort 3 pedestrian-detection 2 botsort 2 neural-network 2 optical-flow 2 face-detection 2 kalman-filter 2 haar-cascade 2 background-subtraction 2 convolutional-neural-networks 2 deep-sort-tracking 2 raspberry-pi 2 surveillance 2 numpy 2 joint-detection-and-tracking 2 pedestrian-tracking 2 realtime-mot 2 segment-anything 2 artificial-intelligence 2 autonomous-driving 2 multi-object-tracking-segmentation 2 darknet 2 yolov7 2 video-object-segmentation 2 opencv4 2 nuscenes 2 tensorrt 2 onnx 2 face-recognition 2 tracker 2 hand-detection 1 finger-detection 1 camera-calibration 1 andriod 1 vehicle-detection-and-tracking 1 features-extraction 1 object-localisation 1 vehicle-detection 1 pose-estimation 1 orb-features 1 vehicle-counting 1 android-studio 1 darknet-bindings 1 food-delivery-application 1 sqlite 1 order 1 orb-descriptor 1 java 1 akaze-feature-extraction 1 re-id 1 mobilesam 1 object-counting 1 counting-system 1 slam-algorithms 1 slam 1 landmark-localization 1 landmark 1 detection-algorithm 1 computer-vision-opencv 1 computer-vision-algorithms 1 traffic-monitoring 1 traffic-analysis 1 thermal-images 1 thermal-camera 1 counting 1 keypoint-detection 1 counting-objects 1