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

GitHub topics: yolox

PaddlePaddle/PaddleDetection

Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.

Language: Python - Size: 413 MB - Last synced at: 1 day ago - Pushed at: 3 months ago - Stars: 13,731 - Forks: 2,988

sr99622/libonvif

Onvif library with GUI implementation and built in YOLOX

Language: C++ - Size: 29.8 MB - Last synced at: 1 day ago - Pushed at: 19 days ago - Stars: 242 - Forks: 64

xlite-dev/lite.ai.toolkit

A lite C++ AI toolkit: 100+ models with MNN, ORT and TRT, including Det, Seg, Stable-Diffusion, Face-Fusion, etc.🎉

Language: C++ - Size: 448 MB - Last synced at: 6 days ago - Pushed at: 20 days ago - Stars: 4,229 - Forks: 755

lucasjinreal/yolov7_d2

🔥🔥🔥🔥 (Earlier YOLOv7 not official one) YOLO with Transformers and Instance Segmentation, with TensorRT acceleration! 🔥🔥🔥

Language: Python - Size: 2.48 MB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 3,123 - Forks: 476

open-mmlab/mmyolo

OpenMMLab YOLO series toolbox and benchmark. Implemented RTMDet, RTMDet-Rotated,YOLOv5, YOLOv6, YOLOv7, YOLOv8,YOLOX, PPYOLOE, etc.

Language: Python - Size: 3.66 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 3,283 - Forks: 598

srebroa/awesome-yolo

:rocket: :star: The list of the most popular YOLO algorithms - awesome YOLO

Size: 178 KB - Last synced at: 2 days ago - Pushed at: 2 months ago - Stars: 98 - Forks: 9

augmentedstartups/AS-One

Easy & Modular Computer Vision Detectors, Trackers & SAM - Run YOLOv9,v8,v7,v6,v5,R,X in under 10 lines of code.

Language: Python - Size: 253 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 614 - Forks: 106

kadirnar/torchyolo

PyTorch implementation of YOLOv5, YOLOv6, YOLOv7, YOLOv8, Sort, StrongSort, OcSort, ByteTrack, Norfair

Language: Python - Size: 90.4 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 202 - Forks: 26

Kazuhito00/Qiita-AdventCalendar-20241217-OpenCV

Qiita OpenCV アドベントカレンダー(2024年12月17日)の投稿「PyScriptでOpenCVを使ってWebで画像処理AI」で使用したソースコード

Language: Python - Size: 11.6 MB - Last synced at: 11 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

shouxieai/tensorRT_Pro

C++ library based on tensorrt integration

Language: C++ - Size: 109 MB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 2,799 - Forks: 565

nemonameless/PaddleDetection_YOLOX

Paddle YOLOX, 51.8mAP on COCO val by YOLOX-x, 44.6mAP on YOLOX-s ConvNeXt

Language: Python - Size: 274 MB - Last synced at: 17 days ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 4

RapidAI/LabelConvert

🔄 A tool for object detection and image segmentation dataset format conversion.

Language: Python - Size: 26.5 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 310 - Forks: 71

adalkiran/distributed-inference

A project to demonstrate an approach to designing cross-language and distributed pipeline in deep learning/machine learning domain, using WebRTC and Redis Streams.

Language: Go - Size: 3.48 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 80 - Forks: 8

Gabrli/Vireon

This project uses a YOLO model to detect and classify different types of malaria cells in microscope images.

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

cj-mills/barracuda-inference-yolox-bytetrack-demo

A simple Unity project demonstrating how to perform object tracking with the barracuda-inference-yolox package and the ByteTrack-Eigen library.

Language: ShaderLab - Size: 49.2 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

cj-mills/yolox-bytetrack-onnx-demo

A Visual Studio project demonstrating how to perform object tracking across video frames with YOLOX, ONNX Runtime, and the ByteTrack-Eigen library.

Language: C++ - Size: 32.2 KB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 10 - Forks: 1

miemie2013/miemiedetection

Pytorch and ncnn implementation of PPYOLOE、YOLOX、PPYOLO、PPYOLOv2、PicoDet and so on.

Language: Python - Size: 6.25 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 299 - Forks: 34

ljwun/BRA

A machine learning landing application, whose full name is "behavioral risk assessment".

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

EnoxSoftware/KlakNDIWithOpenCVForUnityExample

This is an example of using KlakNDI to receive a video stream delivered by NDI®, convert it to the OpenCV Mat class and apply image processing.

Language: C# - Size: 2.16 MB - Last synced at: 16 days ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

cj-mills/onnx-directml-unity-tutorial

This tutorial covers creating an object detection plugin for a Unity game engine project using ONNX Runtime and DirectML.

Language: C# - Size: 66.5 MB - Last synced at: 8 days ago - Pushed at: almost 3 years ago - Stars: 19 - Forks: 1

alinabil74568/onnxruntime

ONNX Runtime is a powerful tool for accelerating machine learning tasks across various platforms. It enhances both inference and training, making it easier to deploy models from popular frameworks like PyTorch and TensorFlow. 🐙💻

Language: Dockerfile - Size: 9.77 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

xlite-dev/torchlm

💎An easy-to-use PyTorch library for face landmarks detection: training, evaluation, inference, and 100+ data augmentations.🎉

Language: Python - Size: 154 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 260 - Forks: 24

PaddlePaddle/PaddleYOLO

🚀🚀🚀 YOLO series of PaddlePaddle implementation, PP-YOLOE+, RT-DETR, YOLOv5, YOLOv6, YOLOv7, YOLOv8, YOLOv10, YOLO11, YOLOX, YOLOv5u, YOLOv7u, YOLOv6Lite, RTMDet and so on. 🚀🚀🚀

Language: Python - Size: 300 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 613 - Forks: 144

cj-mills/pytorch-yolox-object-detection-tutorial-code

This repository contains the training code for my PyTorch YOLOX object detection tutorial.

Language: Jupyter Notebook - Size: 85.9 MB - Last synced at: 8 days ago - Pushed at: 4 months ago - Stars: 20 - Forks: 4

Qengineering/YoloX-NPU

YoloX NPU for the RK3566/68/88

Language: C++ - Size: 30.6 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 1

Kazuhito00/YOLOX-ONNX-TFLite-Sample

YOLOXのPythonでのONNX、TensorFlow-Lite推論サンプルです。

Language: Python - Size: 91 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 42 - Forks: 5

iscyy/yoloair2

☁️💡🎈专注于改进YOLOv7,Support to improve Backbone, Neck, Head, Loss, IoU, NMS and other modules

Language: Python - Size: 2.52 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 207 - Forks: 31

Kazuhito00/sahi-yolox-onnx-sample

SAHI(Slicing Aided Hyper Inference)をYOLOX(ONNX)で動かしたサンプル

Language: Python - Size: 5.89 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 43 - Forks: 7

Megvii-BaseDetection/YOLOX

YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/

Language: Python - Size: 7.36 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 9,864 - Forks: 2,325

Linaom1214/TensorRT-For-YOLO-Series

tensorrt for yolo series (YOLOv11,YOLOv10,YOLOv9,YOLOv8,YOLOv7,YOLOv6,YOLOX,YOLOv5), nms plugin support

Language: Python - Size: 129 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1,060 - Forks: 182

Sharpiless/yolox-deepsort

基于YoloX目标检测+DeepSort算法实现多目标追踪Baseline

Language: Python - Size: 260 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 179 - Forks: 32

Ar-Ray-code/YOLOX-ROS

YOLOX + ROS2 object detection package (C++ only support)

Language: C++ - Size: 21.9 MB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 288 - Forks: 58

Kazuhito00/YOLOX-Colaboratory-Training-Sample

YOLOXをGoogle Colaboratory上で訓練しONNX、TensorFlow-Lite形式のファイルをエクスポートするサンプル(This is a sample to train YOLOX on Google Colaboratory and export a file in ONNX format)

Language: Python - Size: 28.5 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 53 - Forks: 9

cj-mills/sentis-inference-yolox-demo

A simple Unity project demonstrating how to perform object detection with yolox using Sentis.

Language: ShaderLab - Size: 28.7 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0

devhxj/Yolo8-ByteTrack-CSharp

ByteTrack implementation in C#, based on https://github.com/Vertical-Beach/ByteTrack-cpp

Language: C# - Size: 16.3 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 35 - Forks: 10

TalkUHulk/ai.deploy.box

A toolbox for deep learning model deployment using C++ YoloX | YoloV7 | YoloV8 | Gan | OCR | MobileVit | Scrfd | MobileSAM | StableDiffusion

Language: C - Size: 388 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 537 - Forks: 28

FeiYull/TensorRT-Alpha

🔥🔥🔥TensorRT for YOLOv8、YOLOv8-Pose、YOLOv8-Seg、YOLOv8-Cls、YOLOv7、YOLOv6、YOLOv5、YOLONAS......🚀🚀🚀CUDA IS ALL YOU NEED.🍎🍎🍎

Language: C++ - Size: 37 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 1,342 - Forks: 199

Baiyuetribe/ncnn-models

awesome AI models with NCNN, and how they were converted ✨✨✨

Language: C++ - Size: 150 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 269 - Forks: 31

coderonion/awesome-anchor-free-object-detection

A collection of some awesome public Anchor-Free object detection series projects.

Size: 8.79 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 25 - Forks: 3

JiaPai12138/Crossfirer

CF 火线娱乐辅助

Language: Python - Size: 129 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 227 - Forks: 54

DataXujing/YOLOX-

:fire: :fire: :fire: YOLOX 训练自己的数据集 TensorRT加速 详细教程

Language: Python - Size: 8.3 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 40 - Forks: 7

NirAharon/BoT-SORT

BoT-SORT: Robust Associations Multi-Pedestrian Tracking

Language: Jupyter Notebook - Size: 54.4 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 1,060 - Forks: 447

PINTO0309/BoT-SORT-ONNX-TensorRT

BoT-SORT + YOLOX implemented using only onnxruntime, Numpy and scipy, without cython_bbox and PyTorch. Fast human tracker. OSNet is not used.

Language: Python - Size: 173 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 33 - Forks: 2

xlite-dev/yolox-toolkit

YOLOX with NCNN/MNN/TNN/ONNXRuntime C++.

Language: C++ - Size: 117 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 13 - Forks: 1

cj-mills/icevision-openvino-unity-tutorial 📦

This tutorial covers training an object detector with the IceVision library and implementing it in a Unity game engine project using the OpenVINO Toolkit.

Language: Jupyter Notebook - Size: 657 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 25 - Forks: 5

Qengineering/YoloCam

Raspberry Pi stand-alone AI-powered camera with live feed, email notification and event-triggered cloud storage

Size: 242 KB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 80 - Forks: 8

WangRongsheng/KDAT

💥一个专为视觉方向目标检测全流程的标注工具集,全称:Kill Object Detection Annotation Tools。

Language: Python - Size: 45.1 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 76 - Forks: 17

Qengineering/YoloIP

A Raspberry Pi 4/5, with stand-alone AI, supports multiple IP surveillance cameras.

Size: 121 KB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 21 - Forks: 5

guojianyang/cv-detect-robot

🔥🔥🔥🔥🔥🔥Docker NVIDIA Docker2 YOLOV5 YOLOX YOLO Deepsort TensorRT ROS Deepstream Jetson Nano TX2 NX for High-performance deployment(高性能部署)

Language: Python - Size: 36.6 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 526 - Forks: 134

cj-mills/unity-barracuda-inference-yolox

This Unity package extends the functionality of the barracuda-inference-base package to perform object detection using YOLOX models.

Language: C# - Size: 39.1 KB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 2

cj-mills/barracuda-inference-yolox-demo-brp

A simple Unity BRP (Built-in Render Pipeline) project demonstrating how to perform object detection with the barracuda-inference-yolox package using the in-game camera.

Language: ShaderLab - Size: 48.1 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 0

cj-mills/barracuda-inference-yolox-demo-urp

A simple Unity URP project demonstrating how to perform object detection with the barracuda-inference-yolox package using the in-game camera.

Language: ShaderLab - Size: 69.3 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

cj-mills/Unity-OpenVINO-YOLOX 📦

This tutorial series covers how to perform object detection in the Unity game engine with the OpenVINO™ Toolkit.

Language: C# - Size: 1.17 GB - Last synced at: 8 days ago - Pushed at: almost 3 years ago - Stars: 20 - Forks: 5

Qengineering/YoloX-ncnn-Raspberry-Pi-4

YoloX for a bare Raspberry Pi 4 using ncnn.

Language: C++ - Size: 26.8 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 1

pmj110119/YOLOX_deepsort_tracker

using yolox+deepsort for object-tracking

Language: Python - Size: 59.6 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 259 - Forks: 55

Kazuhito00/yolox-bytetrack-mcmot-sample

yolox-bytetrack-sampleのマルチクラス拡張版

Language: Python - Size: 14.8 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 25 - Forks: 3

ZZIDZZ/YOLOX-DeepSort-ANPR

ANPR Automatic Number-Plate Recognition with YOLOX object detection and Deepsort object tracking using Tesseract OCR

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

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: 11 days ago - Pushed at: 12 months ago - Stars: 70 - Forks: 11

cuixing158/yoloX-yoloV5-onnx-matlab

Simple reasoning code, just run demo.mlx

Language: MATLAB - Size: 835 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 51 - Forks: 8

AXERA-TECH/ax-samples

Samples code for world class Artificial Intelligence SoCs for computer vision applications.

Language: CMake - Size: 42.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 248 - Forks: 54

holmescao/TOPICTrack

[IEEE TIP] TOPIC: A Parallel Association Paradigm for Multi-Object Tracking under Complex Motions and Diverse Scenes

Language: Python - Size: 45.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 393 - Forks: 44

hpc203/bytetrack-opencv-onnxruntime

分别使用OpenCV、ONNXRuntime部署YOLOX+ByteTrack目标跟踪,包含C++和Python两个版本的程序

Language: C++ - Size: 2.67 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 205 - Forks: 44

Qengineering/YoloX-Tracking-ncnn-RPi_64-bit

YoloX with tracking for a bare Raspberry Pi 4 using ncnn.

Language: C++ - Size: 20.1 MB - Last synced at: 22 days ago - Pushed at: almost 2 years ago - Stars: 19 - Forks: 7

Qengineering/YoloX-ncnn-Jetson-Nano

YoloX for a Jetson Nano using ncnn.

Language: C++ - Size: 26.8 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 20 - Forks: 3

qbxlvnf11/yolo-series

Pytorch implementation of Yolo series

Language: Python - Size: 34.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 1

NotAP0tato/awesome-ai-toolkit

An extensive curated list of AI tools, frameworks, and libraries to supercharge your artificial intelligence projects.

Size: 1.95 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

MegEngine/YOLOX

MegEngine implementation of YOLOX

Language: Python - Size: 5.62 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 110 - Forks: 15

Qengineering/RPi-Bullseye-DNN-image

Raspberry Pi 4 Bullseye 64-bit OS with deep learning examples

Size: 15.6 KB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 28 - Forks: 5

ttanzhiqiang/onnx_tensorrt_project

Support Yolov5(4.0)/Yolov5(5.0)/YoloR/YoloX/Yolov4/Yolov3/CenterNet/CenterFace/RetinaFace/Classify/Unet. use darknet/libtorch/pytorch/mxnet to onnx to tensorrt

Language: C++ - Size: 30.7 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 214 - Forks: 43

developer0hye/YOLOX-Backbone

yolox_backbone is a deep-learning library and a collection of YOLOX Backbone models.

Language: Python - Size: 2.5 MB - Last synced at: 9 days ago - Pushed at: over 3 years ago - Stars: 25 - Forks: 5

Kazuhito00/yolox-motpy-sample

YOLOXとmotpyを用いたMOT(Multiple Object Tracking)のPythonサンプル

Language: Python - Size: 14.8 MB - Last synced at: 11 days ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 0

Kazuhito00/yolox-bytetrack-sample

YOLOXとByteTrackを用いたMOT(Multiple Object Tracking)のPythonサンプル

Language: Python - Size: 14.8 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 5

hpc203/yolox-opencv-dnn

使用OpenCV部署YOLOX,支持YOLOX-S、YOLOX-M、YOLOX-L、YOLOX-X、YOLOX-Darknet53五种结构,包含C++和Python两种版本的程序

Language: C++ - Size: 889 KB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 156 - Forks: 50

Peachypie98/graduation-project

A Laser-Based Potato Sprout Remover Machine

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

gitmehrdad/SFSORT

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

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

TalkUHulk/aidb-webassembly-demo

ai.deploy.box webassembly demo

Language: HTML - Size: 64 MB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

cj-mills/barracuda-inference-yolox-demo

A simple Unity project demonstrating how to perform object detection with the barracuda-inference-yolox package.

Language: ShaderLab - Size: 47.3 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 1

muyuuuu/Self-Supervise-Object-Detection

自监督目标检测。针对目标检测任务,提出无需标签数据的自监督算法预训练 backbone,检测性能优于有标签的预训练。

Language: Python - Size: 65.9 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 5

cloor/Human-Detection-ROS

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

youkpan/hayoou_safe_driving_android

ADAS app, for driving safty .YOLOX tiny + lane detection on Android with 15 FPS!

Language: C++ - Size: 199 MB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 19 - Forks: 5

myatmyintzuthin/crowd_age_gender_estimation

Age and Gender Estimation in Crowd Scenes

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

mrtj/yolox-panorama-tutorial

A step-by-step tutorial with example code on deploying a custom YOLOX object detector model on the AWS Panorama appliance.

Language: Jupyter Notebook - Size: 383 KB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 2

nkxingxh/yolox-onnx-api-server

搭建 YOLOX 的 ONNX 推理 API 服务器

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

Qengineering/rknn_model_zoo_Q

rknn model zoo download

Size: 2.93 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

nkxingxh/NailongDetection

使用 YOLOX 检测奶龙等

Size: 11.7 KB - Last synced at: 10 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

GirinChutia/YoloX-Openvino

YOLOX OpenVINO Inference

Language: Jupyter Notebook - Size: 86.6 MB - Last synced at: 5 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

cuge1995/Complex-YOLOX-Pytorch

The PyTorch Implementation based on YOLOX of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"

Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Iywie/pl_YOLO

YOLOv7, YOLOX and YOLOv5 are working right now

Language: Python - Size: 158 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 7

VarCode-ai/yolox-face-detection

How to train and use Yolox on custom dataset

Language: Jupyter Notebook - Size: 138 MB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 15 - Forks: 2

goksenin-uav/tracker-hub

Tracker Model Hub Library

Language: Python - Size: 3.91 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 1

ruhyadi/vision-fr

Face recognition with ONNX Runtime, YOLOX, InsightFace, PostgreSQL, pgvector, and FastAPI.

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

ppogg/YOLO-Streaming

Push-pull streaming and Web display of YOLO series

Language: Python - Size: 64.4 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 78 - Forks: 15

tatsuya-fukuoka/yolox-onnx-infer

Code to detect objects by inferring images and videos using YOLOX's onnx model

Language: Python - Size: 21.6 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

GirinChutia/Object-Detection-Inference-Interface

Object Detection Inference Interface (ODII) : A common interface for object detection model inference

Language: Jupyter Notebook - Size: 2.09 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

synch3594/YOLOX-DLStreamer

Deployed YOLOX to DL Streamer.

Language: Python - Size: 11.8 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

archicz/gm_yolox

YOLOX Object Detection for Garry's Mod

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

atakankizilyuce/KERASvsYOLO

I have developed a program that allows you to see your Keras and YOLO results on a single photo on the project you are working on. This way you can save a lot of time. I briefly showed how to use the program in the video. For more information use README file

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

vossr/YOLOX-custom Fork of Megvii-BaseDetection/YOLOX

YOLOX TensorRT object detection

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

ankandrew/yolox-models

Object Detection models trained for different tasks (i.e. face, person, etc.) with different models (i.e. nano, tiny, etc.)

Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Dolpheyn/dminity

Train a YOLOX model to detect home amenities from images.

Language: Jupyter Notebook - Size: 636 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0