shensheng27's Stars
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
Python-World/python-mini-projects
A collection of simple python mini projects to enhance your python skills
PeterL1n/RobustVideoMatting
Robust Video Matting in PyTorch, TensorFlow, TensorFlow.js, ONNX, CoreML!
meituan/YOLOv6
YOLOv6: a single-stage object detection framework dedicated to industrial applications.
facebookresearch/moco
PyTorch implementation of MoCo: https://arxiv.org/abs/1911.05722
dkozlov/awesome-knowledge-distillation
Awesome Knowledge Distillation
FLHonker/Awesome-Knowledge-Distillation
Awesome Knowledge-Distillation. 分类整理的知识蒸馏paper(2014-2021)。
switchablenorms/DeepFashion2
DeepFashion2 Dataset https://arxiv.org/pdf/1901.07973.pdf
HobbitLong/RepDistiller
[ICLR 2020] Contrastive Representation Distillation (CRD), and benchmark of recent knowledge distillation methods
haitongli/knowledge-distillation-pytorch
A PyTorch implementation for exploring deep and shallow knowledge distillation (KD) experiments with flexibility
AberHu/Knowledge-Distillation-Zoo
Pytorch implementation of various Knowledge Distillation (KD) methods.
rwightman/gen-efficientnet-pytorch
Pretrained EfficientNet, EfficientNet-Lite, MixNet, MobileNetV3 / V2, MNASNet A1 and B1, FBNet, Single-Path NAS
yoshitomo-matsubara/torchdistill
A coding-free framework built on PyTorch for reproducible deep learning studies. 🏆25 knowledge distillation methods presented at CVPR, ICLR, ECCV, NeurIPS, ICCV, etc are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy and benchmark.
TorchSSL/TorchSSL
A PyTorch-based library for semi-supervised learning (NeurIPS'21)
JonathonLuiten/TrackEval
HOTA (and other) evaluation metrics for Multi-Object Tracking (MOT).
DingXiaoH/ACNet
ACNet: Strengthening the Kernel Skeletons for Powerful CNN via Asymmetric Convolution Blocks
IrvingMeng/MagFace
MagFace: A Universal Representation for Face Recognition and Quality Assessment, CVPR2021, Oral
SforAiDl/KD_Lib
A Pytorch Knowledge Distillation library for benchmarking and extending works in the domains of Knowledge Distillation, Pruning, and Quantization.
PeterouZh/CIPS-3D
3D-aware GANs based on NeRF (arXiv).
HuangYG123/CurricularFace
CurricularFace(CVPR2020)
JudasDie/SOTS
Single object tracking and segmentation.
NVlabs/DeepInversion
Official PyTorch implementation of Dreaming to Distill: Data-free Knowledge Transfer via DeepInversion (CVPR 2020)
open-mmlab/OpenUnReID
PyTorch open-source toolbox for unsupervised or domain adaptive object re-ID.
dvl-tum/mot_neural_solver
Official PyTorch implementation of "Learning a Neural Solver for Multiple Object Tracking" (CVPR 2020 Oral).
yxgeee/SpCL
[NeurIPS-2020] Self-paced Contrastive Learning with Hybrid Memory for Domain Adaptive Object Re-ID.
karanchahal/distiller
A large scale study of Knowledge Distillation.
xiaoboCASIA/SV-X-Softmax
Wangjing1551/LogoDet-3K-Dataset
robot-learning-freiburg/MM-DistillNet
PyTorch code for training MM-DistillNet for multimodal knowledge distillation. http://rl.uni-freiburg.de/research/multimodal-distill
chenhao2345/ABMT
Implementation for WACV2021 paper "Enhancing Diversity in Teacher-Student Networks via Asymmetric branches for Unsupervised Person Re-identification"