Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
awesome-ocr
https://github.com/zacharywhitley/awesome-ocr
Last synced: 5 days ago
JSON representation
-
Deskewing and Dewarping
- jdeskew - Adaptive Radial Projection on Fourier Magnitude Spectrum for Document Image Skew Estimation
- DewarpNet
- unproject_text - Perspective recovery of text using transformed ellipses
- unpaper - a post-processing tool for scanned sheets of paper, especially for book pages that have been scanned from previously created photocopies.
- deskew - Library used to deskew a scanned document
- deskewing - Contains code to deskew images using MLPs, LSTMs and LLS tranformations
- skew_correction - De-skewing images with slanted content by finding the deviation using Canny Edge Detection.
- page_dewarp - Page dewarping and thresholding using a "cubic sheet" model
- galfar/deskew - Deskew is a command line tool for deskewing scanned text documents. It uses Hough transform to detect "text lines" in the image. As an output, you get an image rotated so that the lines are horizontal.
- Alyn
- Docuwarp
-
Segmentation
-
Line Segmentation
-
Character Segmentation
-
Word Segmentation
-
Document Segmentation
- eynollah
- chulwoopack/docstrum
- LAREX - LAREX is a semi-automatic open-source tool for layout analysis on early printed books.
- leonlulu/DeepLayout - Deep learning based page layout analysis
- Pay20Y/Layout_Analysis
- rbaguila/document-layout-analysis
- P2PaLA - Page to PAGE Layout Analysis Tool
- ocroseg - This is a deep learning model for page layout analysis / segmentation.
- DIVA-DIA/DIVA_Layout_Analysis_Evaluator - Layout Analysis Evaluator for the ICDAR 2017 competition on Layout Analysis for Challenging Medieval Manuscripts
- ocrsegment - a deep learning model for page layout analysis / segmentation.
- xy-cut-tree
- ocrd_segment
- dhSegment
- LayoutML
- LayoutLMv2
- ARU-Net
-
-
Handwritten
-
Form Segmentation
- SimpleHTR - Handwritten Text Recognition (HTR) system implemented with TensorFlow.
- handwriting-ocr - OCR software for recognition of handwritten text
- AWSLabs: handwritten text regognition for Apache MXNet
- vloison/Handwritten_Text_Recognition
- Handprint - apply HTR services from Amazon, Google, and/or Microsoft to scanned documents
-
-
Table detection
-
Form Segmentation
- unitable - [paper:2024](https://arxiv.org/abs/2403.04822) UniTable: Towards a Unified Table Foundation Model
- TableTransformer
- TableNet - Unofficial implementation of ICDAR 2019 paper : TableNet: Deep Learning model for end-to-end Table detection and Tabular data extraction from Scanned Document Images.
- image-table-ocr
- TreeStructure - Table Extraction Tool
- TableTrainNet - Table recognition inside douments using neural networks.
- TableBank
- Camelot
- ocr-table - Extract tables from scanned image PDFs using Optical Character Recognition.
- ExtractTable-py
- table_layout_detection_research
-
-
Language detection
-
Form Segmentation
- lingua - The most accurate natural language detection library for Java and other JVM languages, suitable for long and short text alike
- whatthelang - Lightning Fast Language Prediction rocket
- wiki-lang-detect
- langdetect
-
-
Text detection and localization
-
Form Segmentation
- DB
- DeepReg
- MaskTextSpotterV3 - ([paper:2020](https://arxiv.org/abs/2007.09482)) - Mask TextSpotter v3 is an end-to-end trainable scene text spotter that adopts a Segmentation Proposal Network (SPN) instead of an RPN.
- TextFuseNet - ([paper:2020](https://www.ijcai.org/Proceedings/2020/72)) A PyTorch implementation of "TextFuseNet: Scene Text Detection with Richer Fused Features".
- SATRN - ([paper:2020](https://openaccess.thecvf.com/content_CVPRW_2020/papers/w34/Lee_On_Recognizing_Texts_of_Arbitrary_Shapes_With_2D_Self-Attention_CVPRW_2020_paper.pdf)) - Official Tensorflow Implementation of Self-Attention Text Recognition Network (SATRN) (CVPR Workshop WTDDLE 2020).
- cvpr20-scatter-text-recognizer - ([paper:2020](https://openaccess.thecvf.com/content_CVPR_2020/papers/Litman_SCATTER_Selective_Context_Attentional_Scene_Text_Recognizer_CVPR_2020_paper.pdf)) - Unofficial implementation of CVPR 2020 paper "SCATTER: Selective Context Attentional Scene Text Recognizer"
- seed - ([paper:2020[https://arxiv.org/pdf/2005.10977.pdf]) - This is the implementation of the paper "SEED: Semantics Enhanced Encoder-Decoder Framework for Scene Text Recognition"
- vedastr
- AutoSTR - ([paper:2020](https://arxiv.org/pdf/2003.06567.pdf)) Efficient Backbone Search for Scene Text Recognition
- Decoupled-attention-network - ([paper:2019](https://arxiv.org/abs/1912.10205)) Pytorch implementation for "Decoupled attention network for text recognition".
- Bi-STET - ([paper:2020](https://arxiv.org/pdf/1912.03656.pdf)) Implementation of Bidirectional Scene Text Recognition with a Single Decoder
- kiss - ([paper:2019](https://arxiv.org/abs/1911.08400)
- Deformable Text Recognition - ([paper:2019](https://ieeexplore.ieee.org/abstract/document/9064428))
- MaskTextSpotter - ([paper:2019](https://ieeexplore.ieee.org/document/8812908))
- CUTIE - ([paper:2019](https://arxiv.org/abs/1903.12363v4)
- AttentionOCR - ([paper:2019](https://arxiv.org/abs/1912.04561))
- Scene-Text-Detection-with-SPECNET - Repository for Scene Text Detection with Supervised Pyramid Context Network with tensorflow.
- Character-Region-Awareness-for-Text-Detection
- Real-time-Scene-Text-Detection-and-Recognition-System - End-to-end pipeline for real-time scene text detection and recognition.
- masktextspotter.caffee2 - The code of "Mask TextSpotter: An End-to-End Trainable Neural Network for Spotting Text with Arbitrary Shapes".
- InceptText-Tensorflow - An Implementation of the alogrithm in paper IncepText: A New Inception-Text Module with Deformable PSROI Pooling for Multi-Oriented Scene Text Detection.
- textspotter - An End-to-End TextSpotter with Explicit Alignment and Attention
- RRD - RRD: Rotation-Sensitive Regression for Oriented Scene Text Detection.
- SSTDNet - Implement 'Single Shot Text Detector with Regional Attention, ICCV 2017 Spotlight'.
- beacandler/R2CNN - caffe re-implementation of R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detection
- R2CNN_Faster-RCNN_Tensorflow - Rotational region detection based on Faster-RCNN.
- Tensorflow_SceneText_Oriented_Box_Predictor - This project modify tensorflow object detection api code to predict oriented bounding boxes. It can be used for scene text detection.
- DeepSceneTextReader - This is a c++ project deploying a deep scene text reading pipeline with tensorflow. It reads text from natural scene images. It uses frozen tensorflow graphs. The detector detect scene text locations. The recognizer reads word from each detected bounding box.
- Bartzi/see - Code for the AAAI 2018 publication "SEE: Towards Semi-Supervised End-to-End Scene Text Recognition"
- Bartzi/stn-ocr - Code for the paper STN-OCR: A single Neural Network for Text Detection and Text Recognition
- HsiehYiChia/Scene-text-recognition - Scene text detection and recognition based on Extremal Region(ER)
- Corner_Segmentation_TextDetection - Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation.
- TextSnake.pytorch - A PyTorch implementation of ECCV2018 Paper: TextSnake: A Flexible Representation for Detecting Text of Arbitrary Shapes
- AON - Implementation for CVPR 2018 text recognition Paper by Tensorflow: "AON: Towards Arbitrarily-Oriented Text Recognition"
- pixel_link - Implementation of our paper 'PixelLink: Detecting Scene Text via Instance Segmentation' in AAAI2018
- seglink - An Implementation of the seglink alogrithm in paper Detecting Oriented Text in Natural Images by Linking Segments (=> pixe_link)
- SSTD - Single Shot Text Detector with Regional Attention
- Curve-Text-Detector - This repository provides train&test code, dataset, det.&rec. annotation, evaluation script, annotation tool, and ranking table.
- TextField - TextField: Learning A Deep Direction Field for Irregular Scene Text Detection (TIP 2019)
- tensorflow-TextMountain - TextMountain: Accurate Scene Text Detection via Instance Segmentation
- bgshih/aster - Recognizing cropped text in natural images.
- ReceiptParser - A fuzzy receipt parser written in Python.
- ocr_attention - Robust Scene Text Recognition with Automatic Rectification.
- crpn - Corner-based Region Proposal Network.
- RRPN - Source code of RRPN ---- Arbitrary-Oriented Scene Text Detection via Rotation Proposals
- MORAN_v2 - MORAN: A Multi-Object Rectified Attention Network for Scene Text Recognition
- corner - Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation
- HCIILAB/DeRPN - A novel region proposal network for more general object detection ( including scene text detection ).
-
ABCNet [paper:2020](https://arxiv.org/pdf/2002.10200.pdf)
-
CRAFT [paper:2019](https://arxiv.org/pdf/1904.01941.pdf)
- CRAFT-pytorch (official) - Pytorch implementation of CRAFT text detector.
- autonise/CRAFT-Remade
- s3nh/pytorch-text-recognition
- backtime92/CRAFT-Reimplementation
- YongWookHa/craft-text-detector
- faustomorales/keras-ocr - A packaged and flexible version of the CRAFT text detector and Keras CRNN recognition model.
- fcakyon/craft-text-detector
-
FOTS [paper:2018](https://arxiv.org/pdf/1801.01671.pdf)
-
TextBoxes++ [paper:2018](https://arxiv.org/abs/1801.02765)
- TextBoxes_plusplus (offical) - Shot Oriented Scene Text Detector
- Shun14/TextBoxes_plusplus_Tensorflo - Textboxes_plusplus implementation with Tensorflow (python)
-
PSENet [paper:2018](https://arxiv.org/pdf/1806.02559.pdf)
- tensorflow_PSENet - This is a tensorflow re-implementation of PSENet: Shape Robust Text Detection with Progressive Scale Expansion Network
- PAN-PSEnet
- PSENet - Shape Robust Text Detection with Progressive Scale Expansion Network.
-
EAST [paper:2017](https://arxiv.org/abs/1704.03155)
- EAST - (tf1/py2) A tensorflow implementation of EAST text detector
- AdvancedEAST - (tf1/py2) AdvancedEAST is an algorithm used for Scene image text detect, which is primarily based on EAST, and the significant improvement was also made, which make long text predictions more accurate.
- kurapan/EAST
- songdejia/EAST - This is a pytorch re-implementation of EAST: An Efficient and Accurate Scene Text Detector.
- HaozhengLi/EAST_ICPR - Forked from argman/EAST for the ICPR MTWI 2018 CHALLENGE
- deepthinking-qichao/EAST_ICPR2018
- SakuraRiven/EAST
- EAST-Detector-for-text-detection-using-OpenCV - Text Detection from images using OpenCV
- easy-EAST
-
TextBoxes [paper:2016](https://arxiv.org/abs/1611.06779)
- TextBoxes (official)
- TextBoxes-TensorFlow - TextBoxes re-implement using tensorflow
- zj463261929/TextBoxes - TextBoxes: A Fast Text Detector with a Single Deep Neural Network
- shinjayne/textboxes - Textboxes implementation with Tensorflow (python)
- shinTB - Textboxes : Image Text Detection Model : python package (tensorflow)
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
- text-detection-ctpn
- yizt/keras-ctpn
- tianzhi0549/CTPN - Detecting Text in Natural Image with Connectionist Text Proposal Network
-
-
Video Text Spotting
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
-
-
Font detection
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
- typefont - The first open-source library that detects the font of a text in a image.
-
-
Optical Character Recognition Engines and Frameworks
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
- texify - OCR model for math that outputs LaTeX and markdown.
- DAVAR-lab-OCR
- CRNN.tf2
- ocr.pytorch
- PytorchOCR
- MMOCR
- doctr
- xiaofengShi/CHINESE-OCR
- ocular - Ocular is a state-of-the-art historical OCR system.
- PaddleOCR
- Urdu-Ocr
- OCR++
- pytextrator - python ocr using tesseract/ with EAST opencv detector
- ocrd_tesserocr
- PICCL
- cnn_lstm_ctc_ocr - Tensorflow-based CNN+LSTM trained with CTC-loss for OCR.
- PassportScanner - Scan the MRZ code of a passport and extract the firstname, lastname, passport number, nationality, date of birth, expiration date and personal numer.
- pannous/tensorflow-ocr - OCR using tensorflow with attention.
- BowieHsu/tensorflow_ocr - OCR detection implement with tensorflow v1.4.
- GRCNN-for-OCR - This is the implementation of the paper "Gated Recurrent Convolution Neural Network for OCR"
- go-ocr - A tool for extracting text from scanned documents (via OCR), with user-defined post-processing.
- insightocr - MXNet OCR implementation. Including text recognition and detection.
- ocr_densenet - The first Xi'an Jiaotong University Artificial Intelligence Practice Contest (2018AI Practice Contest - Picture Text Recognition) first; only use the densenet to identify the Chinese characters
- CNN_LSTM_CTC_Tensorflow - CNN+LSTM+CTC based OCR implemented using tensorflow.
- tmbdev/clstm - A small C++ implementation of LSTM networks, focused on OCR.
- franc - Natural language detection
- VistaOCR
- tesseract.js
- Tesseract
- kaldi
- ocropus3 - Repository collecting all the submodules for the new PyTorch-based OCR System.
- calamari
- chinese_ocr
- deep_ocr - make a better chinese character recognition OCR than tesseract.
- ocular
- textDetectionWithScriptID
- ocrfeeder
- GOCR
- emedvedev/attention-ocr - A Tensorflow model for text recognition (CNN + seq2seq with visual attention) available as a Python package and compatible with Google Cloud ML Engine.
- da03/attention-ocr - Visual Attention based OCR
- grobid - A machine learning software for extracting information from scholarly documents
- lapdftext - LA-PDFText is a system for extracting accurate text from PDF-based research articles
- kraken
- gosseract - Go package for OCR (Optical Character Recognition), by using Tesseract C++ library.
- EasyOCR - Ready-to-use OCR with 40+ languages supported including Chinese, Japanese, Korean and Thai.
- invoice-scanner-react-native
- Arabic-OCR
- Deeplearning-OCR
- FastText - Library for efficient text classification and representation learning
- Ocrad
- Master OCR
- ocropy - Python-based tools for document analysis and OCR
- transcribus
-
-
Awesome lists
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
-
-
File formats and tools
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
- nw-page-editor - Simple app for visual editing of Page XML files
- PageXML
- ocr-fileformat - Validate and transform various OCR file formats
- hocr
- alto
-
-
Proprietary OCR Engines
-
Cloud based OCR Engines (SaaS)
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
-
-
Data augmentation and Synthetic data generation
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
-
-
Post OCR Correction
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
-
-
misc
-
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
- cosc428-structor - ~1000 book pages + OpenCV + python = page regions identified as paragraphs, lines, images, captions, etc.
-
Programming Languages
Categories
Text detection and localization
80
Optical Character Recognition Engines and Frameworks
53
Segmentation
21
Table detection
11
Deskewing and Dewarping
11
Handwritten
5
Cloud based OCR Engines (SaaS)
5
File formats and tools
5
Awesome lists
4
Language detection
4
Proprietary OCR Engines
3
Video Text Spotting
3
Post OCR Correction
1
Data augmentation and Synthetic data generation
1
Font detection
1
misc
1
Sub Categories
CTPN [paper:2016](https://arxiv.org/pdf/1609.03605.pdf)
80
Form Segmentation
68
Document Segmentation
16
EAST [paper:2017](https://arxiv.org/abs/1704.03155)
9
CRAFT [paper:2019](https://arxiv.org/pdf/1904.01941.pdf)
7
TextBoxes [paper:2016](https://arxiv.org/abs/1611.06779)
5
PSENet [paper:2018](https://arxiv.org/pdf/1806.02559.pdf)
3
Character Segmentation
2
Word Segmentation
2
TextBoxes++ [paper:2018](https://arxiv.org/abs/1801.02765)
2
FOTS [paper:2018](https://arxiv.org/pdf/1801.01671.pdf)
2
ABCNet [paper:2020](https://arxiv.org/pdf/2002.10200.pdf)
1
Line Segmentation
1
Keywords
ocr
59
deep-learning
29
text-detection
23
tensorflow
21
pytorch
14
scene-text-detection
13
scene-text-recognition
13
text-recognition
12
scene-text
12
computer-vision
10
machine-learning
10
python
9
detection
9
crnn
8
ocr-recognition
7
nlp
6
keras
6
craft
6
handwritten-text-recognition
5
cnn
5
text
5
image-processing
5
optical-character-recognition
5
tesseract
4
segmentation
4
neural-network
4
ctpn
4
lstm
4
transformer
3
end-to-end
3
text-detection-recognition
3
object-detection
3
psenet
3
tensorflow2
3
east
3
convolutional-neural-networks
3
language-detection
3
ctc
3
deep-neural-networks
3
page-xml
3
ocr-d
3
recognition
3
htr
3
deskew
3
robust-reading
2
abcnet
2
qurator
2
ocr-detection
2
pypi
2
text-detector
2