Pinned Repositories
Alibaba-MIT-Speech
Alibaba speech technology
ASR-for-Chinese-Pipeline
Google Summer of Code 2018 Project: Automatic Speech Recognition for Speech-to-Text on Chinese
ASR_Syllable
基于卷积神经网络的语音识别声学模型的研究
ASR_WORD
采用端到端方法构建声学模型,以字为建模单元,采用DCNN-CTC网络结构。
ASRFrame
An Automatic Speech Recognition Frame ,一个中文语音识别的完整框架, 提供了多个模型
ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统,使用CNN、LSTM和CTC实现
attention-is-all-you-need-keras
Implementation of the Transformer architecture described by Vaswani et al. in "Attention Is All You Need"
attention-networks-for-classification
Hierarchical Attention Networks for Document Classification in PyTorch
Automatic_Speech_Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Chinese-novel-generation
尝试使用中文文本训练RNN来产生中文小说。
Lebron-Kun's Repositories
Lebron-Kun/Alibaba-MIT-Speech
Alibaba speech technology
Lebron-Kun/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统,使用CNN、LSTM和CTC实现
Lebron-Kun/attention-networks-for-classification
Hierarchical Attention Networks for Document Classification in PyTorch
Lebron-Kun/Chinese-novel-generation
尝试使用中文文本训练RNN来产生中文小说。
Lebron-Kun/DeepSpeech
A PaddlePaddle implementation of DeepSpeech2 architecture for ASR.
Lebron-Kun/deepspeech.mxnet
A MXNet implementation of Baidu's DeepSpeech architecture
Lebron-Kun/hierarchical-attention-model
hierarchical attention model
Lebron-Kun/Keras_DeepSpeech2_SpeechRecognition
Do SpeechRecognition using DeepSpeech2, backend using Keras.
Lebron-Kun/LAS-SpeechRecognition
Listen, Attend and Spell (LAS) framework for speech recognition (see https://arxiv.org/pdf/1508.01211.pdf).
Lebron-Kun/Listed-company-news-crawl-and-text-analysis
从新浪财经、每经网、金融界、**证券网、证券时报网上,爬取上市公司(个股)的历史新闻文本数据进行文本分析、提取特征集,然后利用SVM、随机森林等分类器进行训练,最后对实施抓取的新闻数据进行分类预测
Lebron-Kun/multi-class-text-classification-cnn-rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Lebron-Kun/python-Speech_Recognition
A simple example for use speech recognition baidu api with python.
Lebron-Kun/Python-Tensorflow-Face-v2.0
基于tensorflow的人脸识别
Lebron-Kun/seq2seq
A general-purpose encoder-decoder framework for Tensorflow
Lebron-Kun/Somiao-Pinyin
Somiao Pinyin: Train your own Chinese Input Method with Seq2seq Model 搜喵拼音输入法
Lebron-Kun/speech-to-text-wavenet
Speech-to-Text-WaveNet : End-to-end sentence level English speech recognition based on DeepMind's WaveNet and tensorflow
Lebron-Kun/speech_recognition
Speech recognition module for Python, supporting several engines and APIs, online and offline.
Lebron-Kun/speech_recognition-1
中文语音识别
Lebron-Kun/speech_recognition_ctc
Use ctc to do chinese speech recognition by keras / 通过keras和ctc实现中文语音识别
Lebron-Kun/tensorflow_end2end_speech_recognition
End-to-End speech recognition implementation base on TensorFlow (CTC, Attention, and MTL training)
Lebron-Kun/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
Lebron-Kun/tensorflowbook
tensorflow教程每个章节的源码
Lebron-Kun/text-classification-cnn-rnn
CNN-RNN中文文本分类,基于TensorFlow
Lebron-Kun/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
Lebron-Kun/tf-text-classification
CNN and RNN with Attention for Chinese Text Classification in Tensorflow
Lebron-Kun/TF_Sentence_Similarity_CNN
Lebron-Kun/tf_tutorial_plus
Tutorials for TensorFlow APIs the official documentation doesn't cover
Lebron-Kun/use-pretrained-word2vec
use-pretrained-word2vec
Lebron-Kun/wiki_zh_word2vec
利用Python构建Wiki中文语料词向量模型试验
Lebron-Kun/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.