Pinned Repositories
2021-CV-Surveys
2021 年,计算机视觉相关综述。包括目标检测、跟踪........
3DDFA
The PyTorch improved version of TPAMI 2017 paper: Face Alignment in Full Pose Range: A 3D Total Solution.
AdelaiDet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
amazon-sagemaker-examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
bert
TensorFlow code and pre-trained models for BERT
bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
BERT-chinese-text-classification-and-deployment
简单高效的Bert中文文本分类模型开发和部署,CPU上毫秒级预测
pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
vovnet-detectron2
VoVNet backbone networks for detectron2, in CVPR 2020
lei522's Repositories
lei522/2021-CV-Surveys
2021 年,计算机视觉相关综述。包括目标检测、跟踪........
lei522/amazon-sagemaker-examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
lei522/ByteTrack
ByteTrack: Multi-Object Tracking by Associating Every Detection Box
lei522/cocojson
Utility scripts for COCO json annotation format
lei522/CVPR-2022-Papers
lei522/CVPR2022-Paper-Code-Interpretation
cvpr2022/cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
lei522/edgeai-yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
lei522/FairMOT
[IJCV-2021] FairMOT: On the Fairness of Detection and Re-Identification in Multi-Object Tracking
lei522/imgtools
lei522/LeetcodeTop
汇总各大互联网公司容易考察的高频leetcode题🔥
lei522/LightTrack
[CVPR21] LightTrack: Finding Lightweight Neural Network for Object Tracking via One-Shot Architecture Search
lei522/lite.ai.toolkit
Lite.AI.ToolKit 🚀🚀🌟: A lite C++ toolkit of awesome AI models(一个开箱即用的C++ AI工具箱,支持ONNXRuntime/NCNN/MNN/TNN), such as RobustVideoMatting🔥, YOLOX🔥, YOLOP🔥 etc. (https://github.com/DefTruth/lite.ai.toolkit/releases/tag/v0.1.0)
lei522/MCMOT
Real time one-stage multi-class & multi-object tracking based on anchor-free detection and ReID
lei522/mmdetection
OpenMMLab Detection Toolbox and Benchmark
lei522/mmtracking
OpenMMLab Video Perception Toolbox. It supports Single Object Tracking (SOT), Multiple Object Tracking (MOT), Video Object Detection (VID) with a unified framework.
lei522/PaddleVideo
基于模块化的设计,提供丰富的视频算法实现、产业级的视频算法优化与应用,包括安防、体育、互联网、媒体等行业的动作定位与识别、行为分析、智能封面、视频标注、视频打标签等,涵盖动作识别与视频分类、动作定位、动作检测、多模态文本视频检索等技术。
lei522/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
lei522/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
lei522/stablediffusion
High-Resolution Image Synthesis with Latent Diffusion Models
lei522/StockMan
lei522/TensorFlow-Advanced-Segmentation-Models
A Python Library for High-Level Semantic Segmentation Models based on TensorFlow and Keras with pretrained backbones.
lei522/tflite_gles_app
GPU accelerated deep learning inference applications for RaspberryPi / JetsonNano / Linux PC using TensorflowLite GPUDelegate / TensorRT
lei522/Towards-Realtime-MOT-Cpp
A C++ codebase implementation of Towards-Realtime-MOT
lei522/TraDeS
Track to Detect and Segment: An Online Multi-Object Tracker (CVPR 2021)
lei522/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for Pytorch, TensorFlow, and JAX.
lei522/TransReID
TransReID: Transformer-based Object Re-Identification
lei522/video_analyst
A series of basic algorithms that are useful for video understanding, including Single Object Tracking (SOT), Video Object Segmentation (VOS) and so on.
lei522/Yolo-Fastest
:zap: Yolo universal target detection model combined with EfficientNet-lite, the calculation amount is only 230Mflops(0.23Bflops), and the model size is 1.3MB
lei522/yolov5-face
YOLO5Face: Why Reinventing a Face Detector (https://arxiv.org/abs/2105.12931)
lei522/Yolov5_DeepSort_Pytorch
Real-time multi-person tracker using YOLO v5 and deep sort