Pinned Repositories
accent-feat
Feature extraction for accented-speech or pathological speech
Adaboost
An Adaboost implementation based on the library "Adaboost in C++".
Adaptive-MultiSpeaker-Separation
Adaptive and Focusing Neural Layers for Multi-Speaker Separation Problem
DeepSpeechRecognition
A Chinese Deep Speech Recognition System 包括基于深度学习的声学模型和基于深度学习的语言模型
GOP-LSTM
Improving the Goodness of Pronunciation with DNNs and RNNs
graphviz
Graph Visualization Tools
LibRL
open-speech-corpora
A list of accessible speech corpora for ASR, TTS, and other Speech Technologies
simpleRNN
A simple Recurrent Neural Network using back-propagation through time (BPTT) algorithm in matlab for learning purposes..
Wave-U-Net-for-Speech-Enhancement
Implement [Wave-U-Net](https://arxiv.org/abs/1806.03185) by PyTorch, and migrate it to the speech enhancement area.
alongwithyou's Repositories
alongwithyou/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
alongwithyou/athena
an open-source implementation of sequence-to-sequence base speech processing engine
alongwithyou/audio
Data manipulation and transformation for audio signal processing, powered by PyTorch
alongwithyou/awesome-cs-books
经典编程书籍大全,涵盖:计算机系统与网络、系统架构、算法与数据结构、前端开发、后端开发、移动开发、数据库、测试、项目与团队、程序员职业修炼、求职面试等
alongwithyou/control-and-system-book
textbook about control, robotics, system
alongwithyou/CTCWordBeamSearch
Connectionist Temporal Classification (CTC) decoder with dictionary and language model.
alongwithyou/deepdetect
Deep Learning API and Server in C++11 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
alongwithyou/deeplearning-models
A collection of various deep learning architectures, models, and tips
alongwithyou/DeepLearningExamples
Deep Learning Examples
alongwithyou/eat_tensorflow2_in_30_days
Tensorflow2.0 🍎🍊 is delicious, just eat it! 😋😋
alongwithyou/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
alongwithyou/folly
An open-source C++ library developed and used at Facebook.
alongwithyou/g2p
Tools to create ARPA models from cmu pocketsphinx dictionaries for proper g2p generation
alongwithyou/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, e
alongwithyou/MTBook
《机器翻译:统计建模与深度学习方法》肖桐 朱靖波 著 - Machine Translation: Statistical Modeling and Deep Learning Methods
alongwithyou/neural_sp
End-to-end ASR/LM implementation with PyTorch
alongwithyou/NLP-Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
alongwithyou/pygsound
Impulse response generation based on state-of-the-art geometric sound propagation engine.
alongwithyou/Python
All Algorithms implemented in Python
alongwithyou/pytorch-cpp
C++ Implementation of PyTorch Tutorial for Deep Learning Researchers
alongwithyou/pytorch-kaldi
training kaldi model using pytorch backend
alongwithyou/Real-Time-Voice-Cloning
Clone a voice in 5 seconds to generate arbitrary speech in real-time
alongwithyou/rnnoise
Recurrent neural network for audio noise reduction
alongwithyou/rnnt_inference
RNN-T onnx model decoder
alongwithyou/sound-separation
alongwithyou/TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
alongwithyou/tensorflow-cpp
Pre-built TensorFlow for C/C++ and CMake.
alongwithyou/tensorflow-ctc-speech-recognition
Application of Connectionist Temporal Classification (CTC) for Speech Recognition (Tensorflow 1.0).
alongwithyou/Transformer-Transducer
PyTorch implementation of "Transformer Transducer: A Streamable Speech Recognition Model with Transformer Encoders and RNN-T Loss" (ICASSP 2020)
alongwithyou/voicefilter
Unofficial PyTorch implementation of Google AI's VoiceFilter system