Pinned Repositories
3D-convolutional-speaker-recognition
:speaker: Deep Learning & 3D Convolutional Neural Networks for Speaker Verification
ACNet
ACNet: Strengthening the Kernel Skeletons for Powerful CNN via Asymmetric Convolution Blocks
annotated_deep_learning_paper_implementations
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
awesome-asr-contextualization
A curated list of awesome papers on contextualizing E2E ASR outputs
awesome-diarization
A curated list of awesome Speaker Diarization papers, libraries, datasets, and other resources.
Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
Awesome-Visual-Transformer
Collect some papers about transformer with vision. Awesome Transformer with Computer Vision (CV)
ChineseCodingInterviewAppendix
The source code for the appendix part of the Chinese version of the book Coding Interviews
copynet
An implementation of CopyNet
gdy1201's Repositories
gdy1201/ACNet
ACNet: Strengthening the Kernel Skeletons for Powerful CNN via Asymmetric Convolution Blocks
gdy1201/annotated_deep_learning_paper_implementations
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
gdy1201/awesome-asr-contextualization
A curated list of awesome papers on contextualizing E2E ASR outputs
gdy1201/awesome-diarization
A curated list of awesome Speaker Diarization papers, libraries, datasets, and other resources.
gdy1201/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
gdy1201/Awesome-Visual-Transformer
Collect some papers about transformer with vision. Awesome Transformer with Computer Vision (CV)
gdy1201/demand_forecast
gdy1201/denoiser
Real Time Speech Enhancement in the Waveform Domain (Interspeech 2020)We provide a PyTorch implementation of the paper Real Time Speech Enhancement in the Waveform Domain. In which, we present a causal speech enhancement model working on the raw waveform that runs in real-time on a laptop CPU. The proposed model is based on an encoder-decoder architecture with skip-connections. It is optimized on both time and frequency domains, using multiple loss functions. Empirical evidence shows that it is capable of removing various kinds of background noise including stationary and non-stationary noises, as well as room reverb. Additionally, we suggest a set of data augmentation techniques applied directly on the raw waveform which further improve model performance and its generalization abilities.
gdy1201/dgc
Dynamic Group Convolution for Accelerating Convolutional Neural Networks (ECCV 2020)
gdy1201/end2end-asr-pytorch
End-to-End Automatic Speech Recognition on PyTorch
gdy1201/espnet
End-to-End Speech Processing Toolkit
gdy1201/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
gdy1201/FlightDelayPrediction
gdy1201/LAS_Mandarin_PyTorch
Listen, attend and spell Model and a Chinese Mandarin Pretrained model (中文-普通话 ASR模型)
gdy1201/LVCNet
LVCNet: Efficient Condition-Dependent Modeling Network for Waveform Generation
gdy1201/MQRNN
Multi-Quantile Recurrent Neural Network for Quantile Regression
gdy1201/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
gdy1201/ParallelWaveGAN
Unofficial Parallel WaveGAN (+ MelGAN & Multi-band MelGAN) with Pytorch
gdy1201/pointer_summarizer
pytorch implementation of "Get To The Point: Summarization with Pointer-Generator Networks"
gdy1201/pyannote-audio
Neural building blocks for speaker diarization: speech activity detection, speaker change detection, speaker embedding
gdy1201/pytorch_xvectors
Deep speaker embeddings in PyTorch, including x-vectors. Code used in this work: https://arxiv.org/abs/2007.16196
gdy1201/segan_pytorch
Speech Enhancement Generative Adversarial Network in PyTorch
gdy1201/seq2seq
Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
gdy1201/slot_filling_and_intent_detection_of_SLU
slot filling, intent detection, joint training, ATIS & SNIPS datasets, the Facebook’s multilingual dataset, MIT corpus, E-commerce Shopping Assistant (ECSA) dataset, CoNLL2003 NER, ELMo, BERT, XLNet
gdy1201/SpecAugment
A Implementation of SpecAugment with Tensorflow & Pytorch, introduced by Google Brain
gdy1201/SpectralCluster
Python re-implementation of the spectral clustering algorithm in the paper "Speaker Diarization with LSTM"
gdy1201/Time-Series-Library
A Library for Advanced Deep Time Series Models.
gdy1201/VGG-Speaker-Recognition
Utterance-level Aggregation For Speaker Recognition In The Wild
gdy1201/voice_datasets
🔊 A comprehensive list of open-source datasets for voice and sound computing (95+ datasets).
gdy1201/wav2vec
a simplified version of wav2vec(1.0, vq, 2.0) in fairseq