Pinned Repositories
a-week-in-wild-ai
360 view on ai/ml/dl applications
AlignTTS
Implementation of the AlignTTS
ASRFrame
An Automatic Speech Recognition Frame ,一个中文语音识别的完整框架, 提供了多个模型
ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
awesome-diarization
A curated list of awesome Speaker Diarization papers, libraries, datasets, and other resources.
cmudict
CMU US English Dictionary
constant-memory-waveglow
PyTorch implementation of NVIDIA WaveGlow with constant memory cost.
Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
Crystal
Crystal - C++ implementation of a unified framework for multilingual TTS synthesis engine with SSML specification as interface.
gzfffff's Repositories
gzfffff/AlignTTS
Implementation of the AlignTTS
gzfffff/Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
gzfffff/Crystal
Crystal - C++ implementation of a unified framework for multilingual TTS synthesis engine with SSML specification as interface.
gzfffff/DeepLearningExamples
Deep Learning Examples
gzfffff/distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
gzfffff/DurIAN
Implementation of "Duration Informed Attention Network for Multimodal Synthesis" (https://arxiv.org/pdf/1909.01700.pdf) paper.
gzfffff/FastSpeech2
An implementation of Microsoft's "FastSpeech 2: Fast and High-Quality End-to-End Text to Speech"
gzfffff/FastSpeech2-1
PyTorch Implementation of FastSpeech 2 : Fast and High-Quality End-to-End Text to Speech
gzfffff/flowtron
Auto-regressive flow-based generative network for text to speech synthesis
gzfffff/glow
Code for reproducing results in "Glow: Generative Flow with Invertible 1x1 Convolutions"
gzfffff/GraphTTS
gzfffff/interview
📚 C/C++ 技术面试基础知识总结,包括语言、程序库、数据结构、算法、系统、网络、链接装载库等知识及面试经验、招聘、内推等信息。This repository is a summary of the basic knowledge of recruiting job seekers and beginners in the direction of C/C++ technology, including language, program library, data structure, algorithm, system, network, link loading library, interview experience, recruitment, recommendation, etc.
gzfffff/LSTM-CRF-pytorch-faster
A more than 1000X faster paralleled LSTM-CRF implementation modified from the slower version in the Pytorch official tutorial (URL:https://pytorch.org/tutorials/beginner/nlp/advanced_tutorial.html).
gzfffff/mandarin-tts-frontend-python
gzfffff/melgan
MelGAN implementation with Multi-Band and Full Band supports...
gzfffff/merlin
This is now the official location of the Merlin project.
gzfffff/MTTS
A Demo of Mandarin/Chinese TTS frontend
gzfffff/NVAE
The Official PyTorch Implementation of "NVAE: A Deep Hierarchical Variational Autoencoder"
gzfffff/Parakeet
PAddle PARAllel text-to-speech toolKIT (supporting WaveFlow, WaveNet, Transformer TTS and Tacotron2)
gzfffff/ParallelWaveGAN
Unofficial Parallel WaveGAN (+ MelGAN & Multi-band MelGAN) with Pytorch
gzfffff/probing-TTS-models
Link to paper: https://www.isca-speech.org/archive/SpeechProsody_2020/pdfs/51.pdf
gzfffff/pybind11
Seamless operability between C++11 and Python
gzfffff/Real-Time-Voice-Cloning
Clone a voice in 5 seconds to generate arbitrary speech in real-time
gzfffff/speedyspeech
gzfffff/stylegan2-ada
StyleGAN2 with adaptive discriminator augmentation (ADA) - Official TensorFlow implementation
gzfffff/tacotronv2_wavernn_chinese
tacotronV2 + wavernn 实现中文语音合成(Tensorflow + pytorch)
gzfffff/TensorflowTTS
:stuck_out_tongue_closed_eyes: TensorflowTTS: Real-Time State-of-the-art Speech Synthesis for Tensorflow 2
gzfffff/threadandjuc
⭐⭐⭐⭐高并发-高可靠-高性能three-high-import导入系统-高并发多线程进阶
gzfffff/TTS
:robot: :speech_balloon: Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts)
gzfffff/WaveRNN
WaveRNN Vocoder + TTS