gaobo1020's Stars
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
FreddeFrallan/Multilingual-CLIP
OpenAI CLIP text encoders for multiple languages!
billjie1/Chinese-CLIP
Chinese version of CLIP which achieves Chinese cross-modal retrieval and representation generation.
jeonsworld/ViT-pytorch
Pytorch reimplementation of the Vision Transformer (An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale)
lukemelas/PyTorch-Pretrained-ViT
Vision Transformer (ViT) in PyTorch
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
649453932/Bert-Chinese-Text-Classification-Pytorch
使用Bert,ERNIE,进行中文文本分类
codertimo/BERT-pytorch
Google AI 2018 BERT pytorch implementation
open-mmlab/mmselfsup
OpenMMLab Self-Supervised Learning Toolbox and Benchmark
Cysu/open-reid
Open source person re-identification library in python
KaiyangZhou/deep-person-reid
Torchreid: Deep learning person re-identification in PyTorch.
facebookresearch/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
Shaoli-Huang/SPS
yuval-alaluf/restyle-encoder
Official Implementation for "ReStyle: A Residual-Based StyleGAN Encoder via Iterative Refinement" (ICCV 2021) https://arxiv.org/abs/2104.02699
omertov/encoder4editing
Official implementation of "Designing an Encoder for StyleGAN Image Manipulation" (SIGGRAPH 2021) https://arxiv.org/abs/2102.02766
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
amusi/ICCV2023-Papers-with-Code
ICCV 2023 论文和开源项目合集
RL-VIG/LibFewShot
LibFewShot: A Comprehensive Library for Few-shot Learning. TPAMI 2023.
rosinality/style-based-gan-pytorch
Implementation A Style-Based Generator Architecture for Generative Adversarial Networks in PyTorch
NVlabs/stylegan
StyleGAN - Official TensorFlow Implementation
GWUvision/Hotels-50K
CSAILVision/places365
The Places365-CNNs for Scene Classification
kaidic/LDAM-DRW
[NeurIPS 2019] Learning Imbalanced Datasets with Label-Distribution-Aware Margin Loss
zhanghang1989/ResNeSt
ResNeSt: Split-Attention Networks
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
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
facebookresearch/FixRes
This repository reproduces the results of the paper: "Fixing the train-test resolution discrepancy" https://arxiv.org/abs/1906.06423
msight-tech/research-xbm
XBM: Cross-Batch Memory for Embedding Learning
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".