yahcong's Stars
POSTECH-CVLab/PyTorch-StudioGAN
StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation.
auspicious3000/SpeechSplit
Unsupervised Speech Decomposition Via Triple Information Bottleneck
pytorch/serve
Serve, optimize and scale PyTorch models in production
wenet-e2e/wenet
Production First and Production Ready End-to-End Speech Recognition Toolkit
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
neuraloperator/neuraloperator
Learning in infinite dimension with neural operators.
rishikksh20/FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
seungwonpark/melgan
MelGAN vocoder (compatible with NVIDIA/tacotron2)
keitakurita/Better_LSTM_PyTorch
An LSTM in PyTorch with best practices (weight dropout, forget bias, etc.) built-in. Fully compatible with PyTorch LSTM.
NVIDIA/nv-wavenet
Reference implementation of real-time autoregressive wavenet inference
Maghoumi/pytorch-softdtw-cuda
Fast CUDA implementation of (differentiable) soft dynamic time warping for PyTorch
knamdar/data
r9y9/deepvoice3_pytorch
PyTorch implementation of convolutional neural networks-based text-to-speech synthesis models
DmitryUlyanov/Multicore-TSNE
Parallel t-SNE implementation with Python and Torch wrappers.
CannyLab/tsne-cuda
GPU Accelerated t-SNE for CUDA with Python bindings
Deepest-Project/meta-learning-study
Deepest Season 6 Meta-Learning study papers plus alpha
egg-west/AdamW-pytorch
Implementation and experiments for AdamW on Pytorch
jettify/pytorch-optimizer
torch-optimizer -- collection of optimizers for Pytorch
floodsung/Meta-Learning-Papers
Meta Learning / Learning to Learn / One Shot Learning / Few Shot Learning
kan-bayashi/ParallelWaveGAN
Unofficial Parallel WaveGAN (+ MelGAN & Multi-band MelGAN & HiFi-GAN & StyleMelGAN) with Pytorch
bckenstler/CLR
NVlabs/NVAE
The Official PyTorch Implementation of "NVAE: A Deep Hierarchical Variational Autoencoder" (NeurIPS 2020 spotlight paper)
facebookresearch/higher
higher is a pytorch library allowing users to obtain higher order gradients over losses spanning training loops rather than individual training steps.
tristandeleu/pytorch-meta
A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch
dragen1860/MAML-Pytorch
Elegant PyTorch implementation of paper Model-Agnostic Meta-Learning (MAML)
ondrejklejch/learning_to_adapt
Coordinate-wise meta-learner for speaker adaptation of ASR models.
audioku/meta-transfer-learning
Implementation of meta-transfer-learning for ASR and LM (ACL 2020)
audioku/cross-accent-maml-asr
Meta-learning model agnostic (MAML) implementation for cross-accented ASR
CyberZHG/torch-layer-normalization
Layer normalization in PyTorch
jerry1993-tech/xbert
基于tensorflow2.x实现bert及其变体的预训练模型加载架构