gangmei's Stars
jwasham/coding-interview-university
A complete computer science study plan to become a software engineer.
CorentinJ/Real-Time-Voice-Cloning
Clone a voice in 5 seconds to generate arbitrary speech in real-time
google-research/google-research
Google Research
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
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
eriklindernoren/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
AI4Finance-Foundation/FinRL
FinRL: Financial Reinforcement Learning. 🔥
adamian98/pulse
PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models
xingyizhou/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
zhouhaoyi/Informer2020
The GitHub repository for the paper "Informer" accepted by AAAI 2021.
TensorSpeech/TensorFlowTTS
:stuck_out_tongue_closed_eyes: TensorFlowTTS: Real-Time State-of-the-art Speech Synthesis for Tensorflow 2 (supported including English, French, Korean, Chinese, German and Easy to adapt for other languages)
princeton-nlp/SimCSE
[EMNLP 2021] SimCSE: Simple Contrastive Learning of Sentence Embeddings https://arxiv.org/abs/2104.08821
POSTECH-CVLab/PyTorch-StudioGAN
StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation.
google/model_search
HobbitLong/SupContrast
PyTorch implementation of "Supervised Contrastive Learning" (and SimCLR incidentally)
Diego999/pyGAT
Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)
neuraloperator/neuraloperator
Learning in infinite dimension with neural operators.
sgrvinod/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
mchong6/GANsNRoses
Official PyTorch repo for GAN's N' Roses. Diverse im2im and vid2vid selfie to anime translation.
kekmodel/FixMatch-pytorch
Unofficial PyTorch implementation of "FixMatch: Simplifying Semi-Supervised Learning with Consistency and Confidence"
google-research/noisystudent
Code for Noisy Student Training. https://arxiv.org/abs/1911.04252
princeton-nlp/LM-BFF
[ACL 2021] LM-BFF: Better Few-shot Fine-tuning of Language Models https://arxiv.org/abs/2012.15723
guoshnBJTU/ASTGCN-2019-pytorch
Attention Based Spatial-Temporal Graph Convolutional Networks for Traffic Flow Forecasting, AAAI 2019, pytorch version
amazon-science/siam-mot
SiamMOT: Siamese Multi-Object Tracking
yongxinw/GSDT
Official PyTorch implementation of "Joint Object Detection and Multi-Object Tracking with Graph Neural Networks"
OATML/non-parametric-transformers
Code for "Self-Attention Between Datapoints: Going Beyond Individual Input-Output Pairs in Deep Learning"
aprbw/traffic_prediction
Traffic prediction is the task of predicting future traffic measurements (e.g. volume, speed, etc.) in a road network (graph), using historical data (timeseries).
joonson/voxceleb_unsupervised
Augmentation adversarial training for self-supervised speaker recognition
jdk514/keras2vec
Keras GPU implementatino of Doc2Vec