All Projects → 0x454447415244 → Handwritingrecognitionsystem

0x454447415244 / Handwritingrecognitionsystem

Licence: other
Handwriting Recognition System based on a deep Convolutional Recurrent Neural Network architecture

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Handwritingrecognitionsystem

Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+700%)
Mutual labels:  cnn, rnn
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (-18.32%)
Mutual labels:  cnn, rnn
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-32.06%)
Mutual labels:  cnn, rnn
Awesome Speech Recognition Speech Synthesis Papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Stars: ✭ 2,085 (+695.8%)
Mutual labels:  cnn, rnn
deep-learning-coursera-complete
Deep Learning Specialization by Andrew Ng on Coursera - My Completed Coursework Repo - All 5 Courses
Stars: ✭ 104 (-60.31%)
Mutual labels:  cnn, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-37.02%)
Mutual labels:  cnn, rnn
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (-22.9%)
Mutual labels:  cnn, rnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+425.95%)
Mutual labels:  cnn, rnn
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (-7.25%)
Mutual labels:  cnn, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1124.81%)
Mutual labels:  cnn, rnn
A Convolutional Recurrent Neural Network For Real Time Speech Enhancement
A minimum unofficial implementation of the "A Convolutional Recurrent Neural Network for Real-Time Speech Enhancement" (CRN) using PyTorch
Stars: ✭ 123 (-53.05%)
Mutual labels:  cnn, rnn
Crnn Pytorch
Pytorch implementation of CRNN (CNN + RNN + CTCLoss) for all language OCR.
Stars: ✭ 248 (-5.34%)
Mutual labels:  cnn, rnn
Torchsketch
Stars: ✭ 113 (-56.87%)
Mutual labels:  cnn, rnn
Sentence Classification
Sentence Classifications with Neural Networks
Stars: ✭ 177 (-32.44%)
Mutual labels:  cnn, rnn
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-58.4%)
Mutual labels:  cnn, rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-25.57%)
Mutual labels:  cnn, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-62.98%)
Mutual labels:  cnn, rnn
Captcharecognition
End-to-end variable length Captcha recognition using CNN+RNN+Attention/CTC (pytorch implementation). 端到端的不定长验证码识别
Stars: ✭ 97 (-62.98%)
Mutual labels:  cnn, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-15.27%)
Mutual labels:  cnn, rnn
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (-7.25%)
Mutual labels:  cnn, rnn

Handwriting Recognition System

This repository is the Tensorflow implementation of the Handwriting Recognition System described in Handwriting Recognition of Historical Documents with Few Labeled Data. Please cite the paper if you use this code in your research paper.

This code is free for academic and research use. For commercial use of the code please contact Edgard Chammas.

To help run the system, sample images from ICDAR2017 Competition on Handwritten Text Recognition on the READ Dataset are added.

Configuration

General configuration can be found in config.py

CNN-specific architecture configuration can be found in cnn.py

Training

python train.py

This will generate a text log file and a Tensorflow summary.

Decoding

python test.py

This will generate, for each image, the line transcription. The output will be written to decoded.txt by default.

python compute_probs.py

This will generate, for each image, the posterior probabilities at each timestep. Files will be stored in Probs by default.

Dependencies

  • Tensorflow
  • OpenCV-Python

Citation

Please cite the following paper if you use this code in your research paper:

@inproceedings{chammas2018handwriting,
  title={Handwriting Recognition of Historical Documents with few labeled data},
  author={Chammas, Edgard and Mokbel, Chafic and Likforman-Sulem, Laurence},
  booktitle={2018 13th IAPR International Workshop on Document Analysis Systems (DAS)},
  pages={43--48},
  year={2018},
  organization={IEEE}
}

Acknowledgment

We gratefully acknowledge the support of NVIDIA Corporation with the donation of the Titan Xp GPU used for this research.

Contributions

Feel free to send your pull request or open issues.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].