ctc
There are 133 repositories under ctc topic.
nl8590687/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
senlinuc/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
athena-team/athena
an open-source implementation of sequence-to-sequence based speech processing engine
TensorSpeech/TensorFlowASR
:zap: TensorFlowASR: Almost State-of-the-art Automatic Speech Recognition in Tensorflow 2. Supported languages that can use characters or subwords
parlance/ctcdecode
PyTorch CTC Decoder bindings
srvk/eesen
The official repository of the Eesen project
githubharald/CTCDecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, beam search, lexicon search, prefix search, and token passing. Implemented in Python.
hirofumi0810/neural_sp
End-to-end ASR/LM implementation with PyTorch
k2-fsa/sherpa
Speech-to-text server framework with next-gen Kaldi
githubharald/CTCWordBeamSearch
Connectionist Temporal Classification (CTC) decoder with dictionary and language model.
weinman/cnn_lstm_ctc_ocr
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Z-yq/TensorflowASR
一个执着于让CPU\端侧-Model逼近GPU-Model性能的项目,CPU上的实时率(RTF)小于0.1
zzzDavid/ICDAR-2019-SROIE
ICDAR 2019 Robust Reading Challenge on Scanned Receipts OCR and Information Extraction
watsonyanghx/CNN_LSTM_CTC_Tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Megvii-CSG/MegReader
A research project for text detection and recognition using PyTorch 1.2.
hirofumi0810/tensorflow_end2end_speech_recognition
End-to-End speech recognition implementation base on TensorFlow (CTC, Attention, and MTL training)
Belval/CRNN
A TensorFlow implementation of https://github.com/bgshih/crnn
robmsmt/KerasDeepSpeech
A Keras CTC implementation of Baidu's DeepSpeech for model experimentation
rakeshvar/rnn_ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Diamondfan/CTC_pytorch
CTC end -to-end ASR for timit and 863 corpus.
shenasa-ai/speech2text
A Deep-Learning-Based Persian Speech Recognition System
chibohe/text_recognition_toolbox
text_recognition_toolbox: The reimplementation of a series of classical scene text recognition papers with Pytorch in a uniform way.
zw76859420/ASR_Syllable
基于卷积神经网络的语音识别声学模型的研究
lihanghang/CASR-DEMO
基于Flask Web的中文自动语音识别演示系统,包含语音识别、语音合成、声纹识别之说话人识别。
FLming/CRNN.tf2
Convolutional Recurrent Neural Network(CRNN) for End-to-End Text Recognition - TensorFlow 2
jinserk/pytorch-asr
ASR with PyTorch
philipperemy/tensorflow-ctc-speech-recognition
Application of Connectionist Temporal Classification (CTC) for Speech Recognition (Tensorflow 1.0 but compatible with 2.0).
zhiqwang/sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
mdangschat/ctc-asr
End-to-end trained speech recognition system, based on RNNs and the connectionist temporal classification (CTC) cost function.
stefbraun/rnn_benchmarks
RNN benchmarks of pytorch, tensorflow and theano
dshekhalev/FEC
FEC Codec IP core library for a some famous codes (BCH, RS, LDPC, Turbo)
Sundy1219/eesen-for-thchs30
ASR for Chinese Mandarin
Halfish/lstm-ctc-ocr
using rnn (lstm or gru) and ctc to convert line image into text, based on torch7 and warp-ctc
huschen/kaggle_speech_recognition
Conv-LSTM-CTC speech recognition network (end-to-end), written in TensorFlow.
zw76859420/ASR_WORD
采用端到端方法构建声学模型,以字为建模单元,采用DCNN-CTC网络结构。
hirofumi0810/asr_preprocessing
Python implementation of pre-processing for End-to-End speech recognition