Pinned Repositories
A-Light-and-Fast-Face-Detector-for-Edge-Devices
A light and fast one class detection framework for edge devices. We provide face detector, head detector, pedestrian detector, vehicle detector......
albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
AlphaPose
Real-Time and Accurate Multi-Person Pose Estimation&Tracking System
awesome-action-recognition
A curated list of action recognition and related area resources
awesome-lane-detection
A paper list of lane detection.
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
awesome-semantic-segmentation-pytorch
Semantic Segmentation on PyTorch (include FCN, PSPNet, Deeplabv3, Deeplabv3+, DANet, DenseASPP, BiSeNet, EncNet, DUNet, ICNet, ENet, OCNet, CCNet, PSANet, CGNet, ESPNet, LEDNet, DFANet)
BaseAlgorithm
整理/收集的一些算法
rknn-yolov3
StereoVision
This project requires two fixed cameras to stereo vision calibration, retification and distance estimation.
lvpchen's Repositories
lvpchen/awesome-lane-detection
A paper list of lane detection.
lvpchen/Chinese_license_plate_detection_recognition
lpr 车牌识别 车牌检测 中文车牌识别 检测 支持12种中文车牌
lvpchen/CVPR2022-Papers-with-Code
CVPR 2022 论文和开源项目合集
lvpchen/deep-high-resolution-net.pytorch
The project is an official implementation of our CVPR2019 paper "Deep High-Resolution Representation Learning for Human Pose Estimation"
lvpchen/DeepSORT
support deepsort and bytetrack MOT(Multi-object tracking) using yolov5 with C++
lvpchen/facefusion
Next generation face swapper and enhancer
lvpchen/gpt_academic
为ChatGPT/GLM提供图形交互界面,特别优化论文阅读/润色/写作体验,模块化设计,支持自定义快捷按钮&函数插件,支持Python和C++等项目剖析&自译解功能,PDF/LaTex论文翻译&总结功能,支持并行问询多种LLM模型,支持清华chatglm2等本地模型。兼容复旦MOSS, llama, rwkv, newbing, claude, claude2等
lvpchen/interface
lvpchen/json
JSON for Modern C++
lvpchen/lite.ai.toolkit
🛠 A lite C++ toolkit of awesome AI models with ONNXRuntime, NCNN, MNN and TNN. YOLOX, YOLOP, YOLOv6, YOLOR, MODNet, YOLOX, YOLOv7, YOLOv5. MNN, NCNN, TNN, ONNXRuntime.
lvpchen/mmdetection
OpenMMLab Detection Toolbox and Benchmark
lvpchen/MobileNet-SSD
Caffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
lvpchen/MoneyPrinterTurbo
利用AI大模型,一键生成高清短视频 Generate short videos with one click using AI LLM.
lvpchen/SiamTrackers
(2020-2022)The PyTorch version of SiamFC,SiamRPN,DaSiamRPN, UpdateNet , SiamDW, SiamRPN++, SiamMask, SiamFC++, SiamCAR, SiamBAN, Ocean, LightTrack , TrTr, NanoTrack; Visual object tracking based on deep learning
lvpchen/Smart_Construction
Base on YOLOv5 Head Person Helmet Detection on Construction Sites,基于目标检测工地安全帽和禁入危险区域识别系统,🚀😆附 YOLOv5 训练自己的数据集超详细教程🚀😆2021.3新增可视化界面❗❗
lvpchen/SparseInst
SparseInst: Sparse Instance Activation for Real-Time Instance Segmentation, CVPR 2022
lvpchen/sparseinst_ncnn_demo
https://zhuanlan.zhihu.com/p/577195854
lvpchen/TensorRT-YOLO11
Based on tensorrt v8.0+, deploy detection, pose, segment, tracking of YOLO11 with C++ and python api.
lvpchen/Ultra-Fast-Lane-Detection
Ultra Fast Structure-aware Deep Lane Detection (ECCV 2020)
lvpchen/yoloair
🔥🔥🔥YOLOv5, YOLOv6, YOLOv7, PPYOLOE, YOLOX, YOLOR, YOLOv4, YOLOv3, PPYOLO, PPYOLOv2, Transformer, Attention, TOOD and Improved-YOLOv5-YOLOv7... Support to improve backbone, neck, head, loss, IoU, NMS and other modules🚀
lvpchen/yolov5-face
YOLO5Face: Why Reinventing a Face Detector (https://arxiv.org/abs/2105.12931) ECCV Workshops 2022)
lvpchen/YOLOv5-Lite
🍅🍅🍅YOLOv5-Lite: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 930+kb (int8) and 1.7M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~
lvpchen/yolov5-seg-opencv-dnn-cpp
使用opencv-dnn部署yolov5实例分割模型
lvpchen/yolov5_Deepsort_rknn
Track vehicles and persons on rk3588 / rk3399pro.
lvpchen/yolov5_deploy
lvpchen/Yolov5_Magic
🚀🚀🚀一款面向改进Yolov5的开源仓库,提供丰富的魔改Yolov5方法 An open source repository for improving Yolov5, providing rich magic methods
lvpchen/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
lvpchen/yolov7-pose_Npoint_Ncla
基于yoloV7-pose添加任意个关键点和检测目标多分类
lvpchen/yolov7_detection_segment
🔥🔥🔥🔥 YOLO with Transformers and Instance Segmentation, with TensorRT acceleration! 🔥🔥🔥
lvpchen/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/