Topic: "ctc"
nl8590687/ASRT_SpeechRecognition
A Deep-Learning-Based Chinese Speech Recognition System 基于深度学习的中文语音识别系统
Language: Python - Size: 7.77 MB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 7,818 - Forks: 1,895

senlinuc/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
Language: C++ - Size: 29.1 MB - Last synced at: 15 days ago - Pushed at: almost 5 years ago - Stars: 1,280 - Forks: 534

TensorSpeech/TensorFlowASR
:zap: TensorFlowASR: Almost State-of-the-art Automatic Speech Recognition in Tensorflow 2. Supported languages that can use characters or subwords
Language: Python - Size: 89.7 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 965 - Forks: 244

athena-team/athena
an open-source implementation of sequence-to-sequence based speech processing engine
Language: C++ - Size: 9.94 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 947 - Forks: 189

parlance/ctcdecode
PyTorch CTC Decoder bindings
Language: C++ - Size: 753 KB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 835 - Forks: 249

githubharald/CTCDecoder
Connectionist Temporal Classification (CTC) decoding algorithms: best path, beam search, lexicon search, prefix search, and token passing. Implemented in Python.
Language: Python - Size: 1010 KB - Last synced at: 11 days ago - Pushed at: over 3 years ago - Stars: 825 - Forks: 183

srvk/eesen
The official repository of the Eesen project
Language: C++ - Size: 5.86 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 824 - Forks: 343

k2-fsa/sherpa
Speech-to-text server framework with next-gen Kaldi
Language: C++ - Size: 115 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 662 - Forks: 115

hirofumi0810/neural_sp
End-to-end ASR/LM implementation with PyTorch
Language: Python - Size: 8.66 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 595 - Forks: 141

githubharald/CTCWordBeamSearch
Connectionist Temporal Classification (CTC) decoder with dictionary and language model.
Language: C++ - Size: 1.84 MB - Last synced at: 20 days ago - Pushed at: about 1 year ago - Stars: 564 - Forks: 162

weinman/cnn_lstm_ctc_ocr
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Language: Python - Size: 10.2 MB - Last synced at: 22 days ago - Pushed at: over 3 years ago - Stars: 501 - Forks: 171

Z-yq/TensorflowASR
一个执着于让CPU\端侧-Model逼近GPU-Model性能的项目,CPU上的实时率(RTF)小于0.1
Language: Python - Size: 266 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 444 - Forks: 107

watsonyanghx/CNN_LSTM_CTC_Tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Language: Python - Size: 67.4 KB - Last synced at: 22 days ago - Pushed at: about 7 years ago - Stars: 365 - Forks: 211

Megvii-CSG/MegReader 📦
A research project for text detection and recognition using PyTorch 1.2.
Language: Python - Size: 306 KB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 349 - Forks: 67

zzzDavid/ICDAR-2019-SROIE
ICDAR 2019 Robust Reading Challenge on Scanned Receipts OCR and Information Extraction
Language: Python - Size: 272 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 345 - Forks: 132

hirofumi0810/tensorflow_end2end_speech_recognition
End-to-End speech recognition implementation base on TensorFlow (CTC, Attention, and MTL training)
Language: Python - Size: 4.17 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 313 - Forks: 120

Belval/CRNN 📦
A TensorFlow implementation of https://github.com/bgshih/crnn
Language: Python - Size: 181 MB - Last synced at: 12 months ago - Pushed at: almost 5 years ago - Stars: 297 - Forks: 101

robmsmt/KerasDeepSpeech
A Keras CTC implementation of Baidu's DeepSpeech for model experimentation
Language: Python - Size: 150 MB - Last synced at: 2 days ago - Pushed at: about 7 years ago - Stars: 242 - Forks: 76

rakeshvar/rnn_ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Language: Python - Size: 604 KB - Last synced at: 6 months ago - Pushed at: over 8 years ago - Stars: 220 - Forks: 80

Diamondfan/CTC_pytorch
CTC end -to-end ASR for timit and 863 corpus.
Language: Python - Size: 120 KB - Last synced at: 24 days ago - Pushed at: over 5 years ago - Stars: 217 - Forks: 48

shenasa-ai/speech2text
A Deep-Learning-Based Persian Speech Recognition System
Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 207 - Forks: 29

chibohe/text_recognition_toolbox
text_recognition_toolbox: The reimplementation of a series of classical scene text recognition papers with Pytorch in a uniform way.
Language: Python - Size: 1.37 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 176 - Forks: 39

lihanghang/CASR-DEMO
基于Flask Web的中文自动语音识别演示系统,包含语音识别、语音合成、声纹识别之说话人识别。
Language: CSS - Size: 97.2 MB - Last synced at: 17 days ago - Pushed at: about 1 year ago - Stars: 161 - Forks: 28

zw76859420/ASR_Syllable
基于卷积神经网络的语音识别声学模型的研究
Language: Python - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 157 - Forks: 45

FLming/CRNN.tf2
Convolutional Recurrent Neural Network(CRNN) for End-to-End Text Recognition - TensorFlow 2
Language: Python - Size: 1.31 MB - Last synced at: 22 days ago - Pushed at: almost 2 years ago - Stars: 153 - Forks: 55

jinserk/pytorch-asr
ASR with PyTorch
Language: Python - Size: 608 KB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 140 - Forks: 20

philipperemy/tensorflow-ctc-speech-recognition
Application of Connectionist Temporal Classification (CTC) for Speech Recognition (Tensorflow 1.0 but compatible with 2.0).
Language: Python - Size: 634 KB - Last synced at: 17 days ago - Pushed at: about 4 years ago - Stars: 130 - Forks: 46

zhiqwang/sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
Language: Python - Size: 203 KB - Last synced at: 22 days ago - Pushed at: over 5 years ago - Stars: 125 - Forks: 34

mdangschat/ctc-asr
End-to-end trained speech recognition system, based on RNNs and the connectionist temporal classification (CTC) cost function.
Language: Python - Size: 55.1 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 117 - Forks: 36

stefbraun/rnn_benchmarks
RNN benchmarks of pytorch, tensorflow and theano
Language: Python - Size: 2.18 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 87 - Forks: 18

dshekhalev/FEC
FEC Codec IP core library for a some famous codes (BCH, RS, LDPC, Turbo)
Language: SystemVerilog - Size: 1.36 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 78 - Forks: 25

Sundy1219/eesen-for-thchs30
ASR for Chinese Mandarin
Language: Perl - Size: 90.8 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 76 - Forks: 30

Halfish/lstm-ctc-ocr
using rnn (lstm or gru) and ctc to convert line image into text, based on torch7 and warp-ctc
Language: Lua - Size: 12.2 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 70 - Forks: 22

zw76859420/ASR_WORD
采用端到端方法构建声学模型,以字为建模单元,采用DCNN-CTC网络结构。
Language: Python - Size: 747 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 66 - Forks: 21

hirofumi0810/asr_preprocessing
Python implementation of pre-processing for End-to-End speech recognition
Language: Python - Size: 1.67 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 66 - Forks: 22

sovse/Rus-SpeechRecognition-LSTM-CTC-VoxForge
Распознавание речи русского языка используя Tensorflow, обучаясь на базе Voxforge
Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 56 - Forks: 10

zh217/torch-asg
Auto Segmentation Criterion (ASG) implemented in pytorch
Language: C++ - Size: 889 KB - Last synced at: 14 days ago - Pushed at: over 3 years ago - Stars: 51 - Forks: 9

vectominist/MiniASR
A mini, simple, and fast end-to-end automatic speech recognition toolkit.
Language: Jupyter Notebook - Size: 342 KB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 50 - Forks: 6

pika-online/AESRC2020
a deep accent recognition network
Language: Python - Size: 105 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 47 - Forks: 10

EliasCai/speech_recognition_ctc
Use ctc to do chinese speech recognition by keras / 通过keras和ctc实现中文语音识别
Language: Python - Size: 22.5 KB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 43 - Forks: 21

naxingyu/interactive_e2e_speech_recognition
Language: Jupyter Notebook - Size: 293 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 37 - Forks: 4

holm-aune-bachelor2018/ctc
Speech recognition with CTC in Keras with Tensorflow backend
Language: Python - Size: 10.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 15

artbataev/end2end
Losses and decoders for end-to-end ASR and OCR
Language: Python - Size: 6.37 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 32 - Forks: 4

huyhoang17/Vietnamese_Handwriting_Recognition 📦
[DEPRECATED] Vietnamese Handwriting Recognition with CRNN and CTC Loss
Language: Python - Size: 22.5 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 11

VITA-Group/Audio-Lottery
[ICLR 2022] "Audio Lottery: Speech Recognition Made Ultra-Lightweight, Noise-Robust, and Transferable", by Shaojin Ding, Tianlong Chen, Zhangyang Wang
Language: Python - Size: 116 KB - Last synced at: 5 days ago - Pushed at: about 3 years ago - Stars: 30 - Forks: 5

ugnelis/tensorflow-rnn-ctc 📦
RNN CTC by using TensorFlow.
Language: Python - Size: 746 KB - Last synced at: 1 day ago - Pushed at: almost 6 years ago - Stars: 30 - Forks: 14

AlexGidiotis/Multimodal-Gesture-Recognition-with-LSTMs-and-CTC
An end-to-end system that performs temporal recognition of gesture sequences using speech and skeletal input. The model combines three networks with a CTC output layer that recognises gestures from continuous stream.
Language: Python - Size: 73.2 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 27 - Forks: 5

DataXujing/ASR-paper
:fire: ASR教程: https://dataxujing.github.io/ASR-paper/
Size: 1.07 GB - Last synced at: 20 days ago - Pushed at: 10 months ago - Stars: 24 - Forks: 6

kamilc/speech-recognition
Companion repository for the blog article: https://www.endpointdev.com/blog/2019/01/speech-recognition-with-tensorflow/
Language: Jupyter Notebook - Size: 678 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 23 - Forks: 28

huyhoang17/CRNN_CTC_English_Handwriting_Recognition 📦
English Handwriting Recognition with CRNN and CTC Loss
Language: Python - Size: 16.6 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 22 - Forks: 9

georgeretsi/HTR-best-practices
Basic HTR concepts/modules to boost performance
Language: Python - Size: 25.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 21 - Forks: 5

sun1638650145/CRNN
An AutoML for CRNN, you can perform captcha recognition with just a few lines of code.
Language: Python - Size: 50.8 KB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 1

gheyret/uyghur-asr-ctc
Speech Recognition for Uyghur using deep learning
Language: Python - Size: 6.6 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 3

zhaoyu611/Automatic_Speech_Recognition_with_Multi_Models
A Simple Automatic Speech Recognition (ASR) Model in Tensorflow, which only needs to focus on Deep Neural Network. It's easy to test popular cells (most are LSTM and its variants) and models (unidirectioanl RNN, bidirectional RNN, ResNet and so on). Moreover, you are welcome to play with self-defined cells or models.
Language: Python - Size: 981 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 8

kjw11/Speaker-Aware-CTC
Speaker-aware CTC (SACTC) for multi-talker overlapped speech recognition.
Language: Python - Size: 3.73 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 13 - Forks: 1

leitro/handwrittenDigitSequenceRec
CNN + LSTM + CTC
Language: Python - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 6

alifarrokh/persian-ctc-segmentation
Persian Speech Segmentation by CTC-segmentation Method
Language: Python - Size: 4.97 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 1

arxyzan/crnn-pytorch
PyTorch implementation of CRNN for scene text recognition on Synth90k dataset
Language: Python - Size: 27.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 12 - Forks: 0

TeaPoly/warp-ctc-crf
An extension of thu-spmi/CAT which contains a full-fledged implementation of CTC-CRF for Tensorflow.
Language: Cuda - Size: 104 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 4

alexeytochin/tf_seq2seq_losses
TensorFlow implementations of losses for sequence to sequence machine learning models
Language: Python - Size: 73.2 KB - Last synced at: 13 days ago - Pushed at: 10 months ago - Stars: 10 - Forks: 2

skygongque/captcha_crack_demo
captcha_crack_demo
Language: Python - Size: 40.5 MB - Last synced at: 11 days ago - Pushed at: almost 2 years ago - Stars: 10 - Forks: 6

jakeywu/image_ocr
图像字符识别
Language: Python - Size: 201 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 2

yzhangcs/ctc-copy
[EMNLP'23] Code for "Non-autoregressive Text Editing with Copy-aware Latent Alignments".
Language: Python - Size: 50.8 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 1

zjykzj/crnn-ctc
CRNN/LPRNet/STNet + CTC + CCPD
Language: Python - Size: 11.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 8 - Forks: 1

TeaPoly/cat_tensorflow
Crf-based Asr Toolkit with TensorFlow implement
Language: Python - Size: 60.5 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 6

zvadaadam/speech-recognition
End to End Speech Recognition with Tensorflow
Language: Python - Size: 65.8 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 4

tuanio/asr-toolkit
E2E Speech Recognition Toolkit with Hydra and Pytorch Lightning
Language: Python - Size: 93.2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 1

stardut/ctc-ocr-tensorflow
continuously mnist with rnn ctc
Language: Python - Size: 19.7 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 4

deskpai/ctc_forced_aligner
We are open-sourcing the CTC forced aligner used in Deskpai. With focus on production-ready model inference, it supports 18 different alignment models, including multilingual models(German, English, Spanish, French and Italian etc), and provides SRT and WebVTT alignment and generation out of box. Onnxruntime and PyTorch are supported.
Language: Python - Size: 29.3 KB - Last synced at: 13 days ago - Pushed at: 2 months ago - Stars: 5 - Forks: 0

kaiyux/CTC-decoder
A cpp reimplementation for CTC decoder
Language: C++ - Size: 192 KB - Last synced at: 9 days ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

jackyzha0/Speech2Braille
[🏆 Silver Medal at CWSF] Tensorflow Implementation of TIMIT Deep BLSTM-CTC with Tensorboard Support
Language: Python - Size: 1.84 GB - Last synced at: 12 days ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 0

sebilm/ioBroker.myuplink
ioBroker Adapter for myUplink.com for Nibe Heat Pumps
Language: TypeScript - Size: 1.28 MB - Last synced at: 7 days ago - Pushed at: 23 days ago - Stars: 4 - Forks: 1

AxelSemrau/ChronosMockPlugin
Example plugin for AxelSemrau Chronos
Language: C# - Size: 161 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 3

markus-m-u-e-l-l-e-r/CTC.ISL
ISL Speech Recognition Toolkit for training neural networks with the CTC loss function.
Language: Python - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 2

leitro/handwrittenEsposallesCTC
Handwritten recognition model for Esposalles datasets, based on LSTM and CTC.
Language: Python - Size: 308 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 4

LauriHursti/visions
Recognize Magic: The Gathering (MTG) cards in images by detecting and recognizing their names.
Language: C++ - Size: 18.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

shanky1947/Paper-Evaluation-using-AI
It is able to recognize handwritten text, uses IAM dataset for training. CNN and RCNN architectures are used for training and CTC are used to calculate the loss.
Language: Jupyter Notebook - Size: 106 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

mohamedezzeldeenhassanmohamed/Deep-Learning-Projects-Repository
Enjoy the major Deep Learning Projects !!!
Language: Jupyter Notebook - Size: 207 MB - Last synced at: 5 days ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

rabs664/Amstrad-CPC-CTC-DART
Simple Z80 CTC and DART board compatible with the Amstrad CPC and MX4 connector
Language: Assembly - Size: 1.8 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

Jenith-rajlawat/NEPALI-SPEECH-RECOGNITION-USING-BILSTM-AND-RESNET
A major project in ML considering to create an ASR for Nepali language using BILSTM and RESNET, and a work in progress for the creation of Nepali Voice Assistant
Language: Python - Size: 117 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 2

TYYKJ/OCR
深度学习OCR
Language: Python - Size: 88.9 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

amiaty/Connectionist-Temporal-Classification
CTC layer implemented in Standard C++ without required any dependencies refactored from the RNNLIB project by Alex Graves.
Language: C++ - Size: 26.4 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

prouast/ctc-beam-search-op
Custom tensorflow op for ctc beam search that keeps track of best alignment for each beam
Language: C++ - Size: 43 KB - Last synced at: 30 days ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

avBuffer/OCR_CTPN-CRNN-CTCLoss
OCR used CTPN & CRNN model and CTC Loss
Language: Python - Size: 55.7 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

mohamedezzeldeenhassanmohamed/RoboKids-Project
ROBOKIDS is a smart educational robot for kids, that connected with educational app that uses technology to make learning fun for kids. Its features like AI and deep learning, has levels for basic concepts, and has parental controls for safety and progress monitoring.
Language: Kotlin - Size: 18.3 MB - Last synced at: 19 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 2

rabs664/Amstrad-CPC-Z80-CTC
Simple Z80 CTC board compatible with the Amstrad CPC and MX4 connector
Language: Assembly - Size: 861 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

dbstj1231/2023_AI_Academy_ASR
Notebooks for "AI 응용-음성"
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1

Pushkar1853/Captcha-Breaker-project
Recognition of Text-Captcha images, and analysis of breaking it with various techniques
Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

krishan57gupta/iCTC
The goal of iCTC is to detect whether peripheral blood cells have CTCs (circulating tumor cell) or not.
Language: R - Size: 43.6 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

cc07/ocr
Text extraction with Tensorflow
Language: Jupyter Notebook - Size: 54.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

tjysdsg/asr-ctc
Implementation of Conformer CTC ASR model
Language: Python - Size: 698 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

LGirrbach/Sequence-Labelling
LSTM model for sequence labelling. Includes option to expand input length by constant. Currently implements cross-entropy, crf, and ctc losses.
Language: Python - Size: 3.76 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

Ephrem-ETH/E2E-ASR-on-Librispeech
End to End Automatic Speech Recognition on Librispeech: Pytorch implementation
Language: Python - Size: 1.17 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

sonosole/ASR-TH30-Demo
a simple CTC based end-to-end acoustic model training demo
Language: Julia - Size: 3.58 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

binglel/asr_mini
mini asr based on tensorflow
Language: Python - Size: 11.7 KB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

alvinahmadov/project_b3447b74
Project imported from tensorflow python project. Used only for predictions. Contains javascript implementation of ctc decode algorithm.
Language: JavaScript - Size: 153 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

anxingle/ctc_example
CTC tutorial of OCR recognition(tensorflow0.9)
Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: about 10 hours ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

DongyaoZhu/Speech-Recognition
character level speech recognition model with auto-correction as language model, for kaggle TensorFlow Speech Command Challenge
Language: Python - Size: 2.04 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

GSimas/CTM
🤣CTM website
Language: JavaScript - Size: 52.6 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

dust8/ocr_shixin
实现定长验证码的识别
Language: Jupyter Notebook - Size: 24 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0
