Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
awesome-ocr
A curated list of promising OCR resources
https://github.com/wanghaisheng/awesome-ocr
Last synced: about 9 hours ago
JSON representation
-
Librarys
- Codes And Documents For OcrKing Api
- Tesseract.js is a pure Javascript port of the popular Tesseract OCR engine.
- List of Tesseract add-ons including wrappers in different languages.
- RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling. It's written by C# language and based on .NET framework 4.6 or above version. RNNSharp supports many different types of RNNs, such as BPTT and LSTM RNN, forward and bi-directional RNNs, and RNN-CRF.
- Test mxnet with own trained model,用训练好的网络模型进行数字,少量汉字,特殊字符(./等)的识别(总共有210类)
- OpenOCR makes it simple to host your own OCR REST API.
- Added support for CTC in both Theano and Tensorflow along with image OCR example. #3436
- Deep Embedded Clustering for OCR based on MXNet
- A comparasion among different variant of gradient descent algorithm This script implements and visualizes the performance the following algorithms, based on the MNIST hand-written digit recognition dataset:
- Implementation of the method proposed in the papers " TextProposals: a Text-specific Selective Search Algorithm for Word Spotting in the Wild" and "Object Proposals for Text Extraction in the Wild" (Gomez & Karatzas), 2016 and 2015 respectively.
- Image Recognition for the Democracy Project with codes
- Text Recognition in Natural Images in Python
- 运用tensorflow实现自然场景文字检测,keras/pytorch实现crnn+ctc实现不定长中文OCR识别
- Digit Segmentation and Recognition using OpenCV and MLP test
- Seven Segment Optical Character Recognition
- Reads Scene Text in Tilted orientation.
- Free Offline OCR 离线的文本识别SDK https://github.com/myhub/tr
- Tesseract-OCR
- tesseract is an R package providing bindings to Tesseract.
- PaddleOCR: PaddlePaddle/PaddleOCR
- AgentOCR: AgentMaker/AgentOCR
- Ocular is a state-of-the-art historical OCR system.
- sfhistory Making a map of historical SF photos -博文4所带库
- A small C++ implementation of LSTM networks, focused on OCR.by Adnan Ul-Hasan
- End to end OCR system for Telugu. Based on Convolutional Neural Networks.
- Telugu OCR framework using RNN, CTC in Theano & Python3.
- Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
- implement CTC with keras? #383
- mxnet and ocr
- An OCR-system based on Torch using the technique of LSTM/GRU-RNN, CTC and referred to the works of rnnlib and clstm.
- pure javascript lstm rnn implementation based on ocropus
- 'caffe-ocr - OCR with caffe deep learning framework' by pannous
- A implementation of LSTM and CTC to recognize image without splitting
- warp-ctc A fast parallel implementation of CTC, on both CPU and GPU. by BAIDU
- An expandable and scalable OCR pipeline
- OwncloudOCR uses tesseract OCR and OCRmyPDF for reading text from images and images in PDF files.
- Nextcloud OCR (optical character recoginition) processing for images and PDF with tesseract-ocr, OCRmyPDF and php-native message queueing for asynchronous purpose. http://janis91.github.io/ocr/
- SwiftOCR:Fast and simple OCR library written in Swift
- Attention-OCR :Visual Attention based OCR
- Deep Embedded Clustering for OCR based on caffe
- The minimum OCR server by Golang The minimum OCR server by Golang, and a tiny sample application of gosseract.
- A curated list of resources dedicated to scene text localization and recognition
- Convolutional Recurrent Neural Network (CRNN) for image-based sequence recognition.
- Word Spotting and Recognition with Embedded Attributes http://www.cvc.uab.es/~almazan/index/projects/words-att/index.html
- Part of eMOP: Franken+ tool for creating font training for Tesseract OCR engine from page images.
- NOCR NOCR is an open source C++ software package for text recognition in natural scenes, based on OpenCV. The package consists of a library, console program and GUI program for text recognition.
- An OpenCV based OCR system, base to other projects Uses Histogram of Oriented Gradients (HOG) to extract characters features and Support Vector Machines as a classifier. It serves as basis for other projects that require OCR functionality.
- Recognize bib numbers from racing photos
- Automatic License Plate Recognition library http://www.openalpr.com
- 汽车挡风玻璃VIN码识别
- Tools to be evaluated prior to integration into Newman
- A generative vision model that trains with high data efficiency and breaks text-based CAPTCHAs
- STN-OCR: A single Neural Network for Text Detection and Text Recognition
- ctpn based on tensorflow
- ctpn based on caffe
- A Python/OpenCV-based scene detection program, using threshold/content analysis on a given video. http://pyscenedetect.readthedocs.org
- Implementation of the seglink alogrithm in paper Detecting Oriented Text in Natural Images by Linking Segments
- Arbitrary-Oriented Scene Text Detection via Rotation Proposals
- OCRmyPDF uses Tesseract for OCR, and relies on its language packs.
- 腾讯云
- ocropy-论文1所带库 by Adnan Ul-Hasan
- 多标签分类,端到端的中文车牌识别基于mxnet, End-to-End Chinese plate recognition base on mxnet
- 中国二代身份证光学识别
- EasyPR是一个开源的中文车牌识别系统,其目标是成为一个简单、高效、准确的车牌识别库。
-
Papers
- Applying OCR Technology for Receipt Recognition
- An End-to-End Trainable Neural Network for Image-based Sequence Recognition and Its Application to Scene Text Recognition
- Reading Scene Text in Deep Convolutional Sequences
- What You Get Is What You See:A Visual Markup Decompiler
- Recursive Recurrent Nets with Attention Modeling for OCR in the Wild
- #ICML 2016#【通过DNN把数据空间映射到latent的特征空间做聚类,目标函数是最小化软分配与辅助分布直接的KL距离,来迭代优化,思想类似于t-SNE,只不过这里使用了DNN】《Unsupervised Deep Embedding for Clustering Analysis》
- A generative vision model that trains with high data efficiency and breaks text-based CAPTCHAs
- EXTENDING THE PAGE SEGMENTATION ALGORITHMS OF THE OCROPUS DOCUMENTATION LAYOUT ANALYSIS SYSTEM
- Text Recognition in Scene Image and Video Frame using Color Channel Selection
- Scene Text Detection via Holistic, Multi-Channel Prediction
- #ICML 2016#【通过DNN把数据空间映射到latent的特征空间做聚类,目标函数是最小化软分配与辅助分布直接的KL距离,来迭代优化,思想类似于t-SNE,只不过这里使用了DNN】《Unsupervised Deep Embedding for Clustering Analysis》
- An End-to-End Trainable Neural Network for Image-based Sequence Recognition and Its Application to Scene Text Recognition
- Reading Scene Text in Deep Convolutional Sequences
- What You Get Is What You See:A Visual Markup Decompiler
-
Blogs
- Applying OCR Technology for Receipt Recognition
- Number plate recognition with Tensorflow
- 车牌识别中的不分割字符的端到端(End-to-End)识别
- 端到端的OCR:基于CNN的实现
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 验证码识别
- Common Sense, Cortex, and CAPTCHA
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
- 腾讯OCR—自动识别技术,探寻文字真实的容颜
-
Projects
-
Commercial products
-
Stargazers over time
- ![Stargazers over time - ocr)
Programming Languages
Sub Categories
Keywords
ocr
14
machine-learning
5
deep-learning
4
text-detection
4
text-recognition
3
lstm
3
python
3
image-processing
3
tesseract
3
tesseract-ocr
3
computer-vision
3
swift
2
opencv
2
ocr-engine
2
ctpn
2
crnn
2
optical-character-recognition
2
rnn
2
recurrent-neural-networks
2
robust-reading
2
onnx
1
captcha
1
multilingual
1
easy-deploy
1
ocrlite
1
db
1
ctc
1
ctc-loss
1
gru
1
neural-network
1
rnn-ctc
1
speech-recognition
1
speech-to-text
1
theano
1
nextcloud
1
c-sharp
1
crf
1
dotnet
1
nlp
1
rnn-model
1
sequence-labeling
1
seven-segment
1
emgu-cv
1
curved-text
1
deeplearning
1
pixellink
1
transformer
1
r
1
r-package
1
rstats
1