Pinned Repositories
AFPN
ailearning
AiLearning:数据分析+机器学习实战+线性代数+PyTorch+NLTK+TF2
algorithm-visualizer
:fireworks:Interactive Online Platform that Visualizes Algorithms from Code
All-in-One-Image-Restoration-Survey
ASFG-train
The training part of Auto-Subtitle-File-Generation
Auto-Subtitle-File-Generation
Generate subtitle files with timelines in an automatic way.
CGAN
cgan(条件对抗生成网络)
video-subtitle-generator
视频音频转字幕,生成srt文件。无需申请第三方API,本地实现音频转文本。基于Transformer的视频字幕生成框架,包含字幕生成、字幕翻译。A tool for generating subtitle from videos and generating srt files.
yolov8
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
YOLOv8_trt
:fire: Official YOLOv8模型训练和部署
ChenJian7578's Repositories
ChenJian7578/yolov8
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
ChenJian7578/All-in-One-Image-Restoration-Survey
ChenJian7578/awesome-DeepLearning
深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI
ChenJian7578/awesome-lane-detection
A paper list of lane detection.
ChenJian7578/CLIP-ReID
Official implementation for "CLIP-ReID: Exploiting Vision-Language Model for Image Re-identification without Concrete Text Labels" (AAAI 2023)
ChenJian7578/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
ChenJian7578/deep-text-recognition-benchmark
Text recognition (optical character recognition) with deep learning methods, ICCV 2019
ChenJian7578/DeepSORT_YOLOv5_Pytorch
DeepSORT + YOLOv5
ChenJian7578/GroundingDINO
Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
ChenJian7578/insightface
State-of-the-art 2D and 3D Face Analysis Project
ChenJian7578/mmdetection
OpenMMLab Detection Toolbox and Benchmark
ChenJian7578/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
ChenJian7578/PaddleOCR
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, support 80+ languages recognition, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
ChenJian7578/PaddleVideo
Awesome video understanding toolkits based on PaddlePaddle. It supports video data annotation tools, lightweight RGB and skeleton based action recognition model, practical applications for video tagging and sport action detection.
ChenJian7578/pip_universal
ChenJian7578/ppq
PPL Quantization Tool (PPQ) is a powerful offline neural network quantization tool.
ChenJian7578/pyskl
A toolbox for skeleton-based action recognition.
ChenJian7578/pytorch-openpose
pytorch implementation of openpose including Hand and Body Pose Estimation.
ChenJian7578/RDE
Noisy-Correspondence Learning for Text-to-Image Person Re-identification (CVPR 2024 Pytorch Code)
ChenJian7578/Self-Correction-Human-Parsing
An out-of-box human parsing representation extractor.
ChenJian7578/TensorRT-YOLO
🚀 你的YOLO部署神器。TensorRT Plugin、CUDA Kernel、CUDA Graphs三管齐下,享受闪电般的推理速度。| Your YOLO Deployment Powerhouse. With the synergy of TensorRT Plugins, CUDA Kernels, and CUDA Graphs, experience lightning-fast inference speeds.
ChenJian7578/tuning_playbook
A playbook for systematically maximizing the performance of deep learning models.
ChenJian7578/VideoMAEv2
[CVPR 2023] VideoMAE V2: Scaling Video Masked Autoencoders with Dual Masking
ChenJian7578/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
ChenJian7578/yolov5-face
YOLO5Face: Why Reinventing a Face Detector (https://arxiv.org/abs/2105.12931) ECCV Workshops 2022)
ChenJian7578/YOLOV5_optimization_on_triton
Compare multiple optimization methods on triton to imporve model service performance
ChenJian7578/YOLOv8-TensorRT
YOLOv8 using TensorRT accelerate !
ChenJian7578/YOLOv8-TensorRT20240426
Converting YOLOv8 models to TensorRT of FP16 and INT8
ChenJian7578/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information
ChenJian7578/yolov9-tensorrt
Yolov9 TensorRT Inference Python backend