AICVHub's Stars
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
amusi/CVPR2024-Papers-with-Code
CVPR 2024 论文和开源项目合集
ShiqiYu/libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
Chalarangelo/30-seconds-of-python
Short Python code snippets for all your development needs
PaddlePaddle/PaddleSeg
Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
RangiLyu/nanodet
NanoDet-Plus⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
sksq96/pytorch-summary
Model summary in PyTorch similar to `model.summary()` in Keras
RapidAI/RapidOCR
📄 Awesome OCR multiple programing languages toolkits based on ONNXRuntime, OpenVINO and PaddlePaddle.
hoya012/awesome-anomaly-detection
A curated list of awesome anomaly detection resources
cbsudux/awesome-human-pose-estimation
A collection of awesome resources in Human Pose estimation.
enpeizhao/CVprojects
computer vision projects | 计算机视觉相关好玩的AI项目(Python、C++、embedded system)
NVIDIA/semantic-segmentation
Nvidia Semantic Segmentation monorepo
yassouali/pytorch-segmentation
:art: Semantic segmentation models, datasets and losses implemented in PyTorch.
microsoft/DynamicHead
lovechoudoufu/wechat_for_linux
wechat_for_linux;weixin_for_linux;wechat-beta;微信;linux原生微信
yeyupiaoling/AudioClassification-Pytorch
The Pytorch implementation of sound classification supports EcapaTdnn, PANNS, TDNN, Res2Net, ResNetSE and other models, as well as a variety of preprocessing methods.
TQTQliu/MVSGaussian
[ECCV 2024] MVSGaussian: Fast Generalizable Gaussian Splatting Reconstruction from Multi-View Stereo
chensnathan/YOLOF
You Only Look One-level Feature (YOLOF), CVPR2021, Detectron2
AICVHub/Pytorch2TensorRT
Pytorch-->onnx-->TensorRT; CUDA11, CUDNN8, TensorRT8
AICVHub/Copy-Paste-for-Semantic-Segmentation
Unofficial implementation of Copy-Paste method:Simple Copy-Paste is a Strong Data Augmentation Method for Instance Segmentation
FVL2020/ICCV-2023-MB-TaylorFormer
mk-minchul/CVLface
Wulingtian/RepVGG_TensorRT_int8
RepVGG TensorRT int8 量化,实测推理不到1ms一帧!
AICVHub/CNN-plugs-Pytorch
Plug and play! Some CNN modules Implemented by Pytorch.
AICVHub/grpc_face_recognition
gRPC Demo: Taking facial recognition as an example
AICVHub/Multi-LabelAnnotator
Multi-Label Classification Annotator 多标签分类标注软件
AICVHub/Visualize_CIFAR
An visualization method of cifar10 and cifar100.