liuyang9536's repositories
annotated_deep_learning_paper_implementations
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
awd-lstm-lm
LSTM and QRNN Language Model Toolkit for PyTorch
Awesome-Contrastive-Learning
Awesome Contrastive Learning for CV & NLP
Awesome-PyTorch-Chinese
【干货】史上最全的PyTorch学习资源汇总
awesome-self-supervised-learning
A curated list of awesome self-supervised methods
bert
TensorFlow code and pre-trained models for BERT
cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
DeepRobust
A pytorch adversarial library for attack and defense methods on images and graphs
dopamine
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
fastai
The fastai deep learning library, plus lessons and tutorials
gans-in-action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
github-slideshow
A robot powered training repository :robot:
graph-adversarial-learning-literature
A curated list of adversarial attacks and defenses papers on graph-structured data.
inversecooking
Recipe Generation from Food Images
KL-Loss
Bounding Box Regression with Uncertainty for Accurate Object Detection (CVPR'19)
mnist_challenge
A challenge to explore adversarial robustness of neural networks on MNIST.
NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
practical-pytorch
PyTorch tutorials demonstrating modern techniques with readable code
pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
PyTorch-NLP
Supporting Rapid Prototyping with a Toolkit (incl. Datasets and Neural Network Layers)
pytorch-pretrained-BERT
📖The Big-&-Extending-Repository-of-Transformers: Pretrained PyTorch models for Google's BERT, OpenAI GPT & GPT-2, Google/CMU Transformer-XL.
RecSys2019_DeepLearning_Evaluation
This is the repository of our article published in RecSys 2019 "Are We Really Making Much Progress? A Worrying Analysis of Recent Neural Recommendation Approaches" and of several follow-up studies.
SiamMask
[CVPR2019] Fast Online Object Tracking and Segmentation: A Unifying Approach
SinGAN
Official pytorch implementation of the paper: "SinGAN: Learning a Generative Model from a Single Natural Image"
stylegan2-ada-pytorch
StyleGAN2-ADA - Official PyTorch implementation
the-gan-zoo
A list of all named GANs!