nickshawn's Stars
facebookresearch/VideoPose3D
Efficient 3D human pose estimation in video using 2D keypoint trajectories
HRNet/HRNet-Image-Classification
Train the HRNet model on ImageNet
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
hellojialee/Improved-Body-Parts
Simple Pose: Rethinking and Improving a Bottom-up Approach for Multi-Person Pose Estimation
tamakoji/pytorch-syncbn
Synchronized Multi-GPU Batch Normalization
Cheneng/TextCNN
Convolutional Neural Networks for Sentence Classification in PyTorch
practicingman/chinese_text_cnn
TextCNN Pytorch实现 中文文本分类 情感分析
Shawn1993/cnn-text-classification-pytorch
CNNs for Sentence Classification in PyTorch
chenyuntc/PyTorchText
1st Place Solution for Zhihu Machine Learning Challenge . Implementation of various text-classification models.(知乎看山杯第一名解决方案)
extreme-assistant/CVPR2024-Paper-Code-Interpretation
cvpr2024/cvpr2023/cvpr2022/cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
onnx/onnx-tensorrt
ONNX-TensorRT: TensorRT backend for ONNX
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
geekinglcq/CDCS
Chinese Data Competitions' Solutions
lutzroeder/netron
Visualizer for neural network, deep learning and machine learning models
NVIDIA/vid2vid
Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation.
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
hindupuravinash/the-gan-zoo
A list of all named GANs!
huanglianghua/open-vot
Open source visual object tracking library in python
huanglianghua/siamfc-pytorch
A clean PyTorch implementation of SiamFC tracking/training, evaluated on 7 datasets.
aleju/imgaug
Image augmentation for machine learning experiments.
mdbloice/Augmentor
Image augmentation library in Python for machine learning.
marktext/marktext
📝A simple and elegant markdown editor, available for Linux, macOS and Windows.
CyC2018/CS-Notes
:books: 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计
dmlc/gluon-cv
Gluon CV Toolkit
lfz/DSB2017
The solution of team 'grt123' in DSB2017
YiYuanIntelligent/3DFasterRCNN_LungNoduleDetector
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
jindongwang/transferlearning-tutorial
《迁移学习简明手册》LaTex源码
CSAILVision/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
miraclewkf/FocalLoss-MXNet