Awesome OCR
Deskewing and Dewarping
- jdeskew (paper:2022) - Adaptive Radial Projection on Fourier Magnitude Spectrum for Document Image Skew Estimation
- DewarpNet (paper:2019)
- MORAN_v2 (paper:2019) - A Multi-Object Rectified Attention Network for Scene Text Recognition
- thomasjhaung/deep-learning-for-document-dewarping
- 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 (2016) - Page dewarping and thresholding using a "cubic sheet" model
- text_deskewing - Rotate text images if they are not straight for better text detection and recognition.
- 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.
- xellows1305/Document-Image-Dewarping - No code :(
- https://github.com/RaymondMcGuire/BOOK-CONTENT-SEGMENTATION-AND-DEWARPING
- Docuwarp
- Alyn
Segmentation
Line Segmentation
- ARU-Net - Deep Learning Chinese Word Segment
- sbb_textline_detector
Character Segmentation
Word Segmentation
Document Segmentation
- LayoutParser
- 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
- dhSegment
- 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.
- ARU-Net
- xy-cut-tree
- ocrd_segment
- LayoutML
- LayoutLMv2
- eynollah
Form Segmentation
Handwritten
- https://github.com/arthurflor23/handwritten-text-recognition
- https://github.com/awslabs/handwritten-text-recognition-for-apache-mxnet
- https://github.com/0x454447415244/HandwritingRecognitionSystem
- https://github.com/SparshaSaha/Handwritten-Number-Recognition-With-Image-Segmentation
- https://github.com/ThomasDelteil/HandwrittenTextRecognition_MXNet
- 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
- https://github.com/sushant097/Handwritten-Line-Text-Recognition-using-Deep-Learning-with-Tensorflow
- https://github.com/qurator-spk/sbb_textline_detection
- Handprint - apply HTR services from Amazon, Google, and/or Microsoft to scanned documents
Table detection
- unitable - paper:2024 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.
- table_layout_detection_research
- TableBank
- Camelot
- ocr-table - Extract tables from scanned image PDFs using Optical Character Recognition.
- ExtractTable-py
- image-table-ocr
Language detection
- lingua - The most accurate natural language detection library for Java and other JVM languages, suitable for long and short text alike
- langdetect
- whatthelang - Lightning Fast Language Prediction rocket
- wiki-lang-detect
Text detection and localization
- DB
- DeepReg
- CornerText - paper:2018) - Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation
- RRPN - (paper:2018) - Arbitrary-Oriented Scene Text Detection via Rotation Proposals
- MASTER-TF - (paper:2021) - TensorFlow reimplementation of "MASTER: Multi-Aspect Non-local Network for Scene Text Recognition" (Pattern Recognition 2021).
- MaskTextSpotterV3 - (paper:2020) - 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) A PyTorch implementation of "TextFuseNet: Scene Text Detection with Richer Fused Features".
- SATRN- (paper:2020) - Official Tensorflow Implementation of Self-Attention Text Recognition Network (SATRN) (CVPR Workshop WTDDLE 2020).
- cvpr20-scatter-text-recognizer - (paper:2020) - 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 - A scene text recognition toolbox based on PyTorch
- AutoSTR - (paper:2020) Efficient Backbone Search for Scene Text Recognition
- Decoupled-attention-network - (paper:2019) Pytorch implementation for "Decoupled attention network for text recognition".
- Bi-STET - (paper:2020) Implementation of Bidirectional Scene Text Recognition with a Single Decoder
- kiss - (paper:2019
- Deformable Text Recognition - (paper:2019)
- MaskTextSpotter - (paper:2019)
- CUTIE - (paper:2019
- AttentionOCR - (paper:2019)
- crpn - (paper:2019)
- 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.
- ocr_attention - Robust Scene Text Recognition with Automatic Rectification.
- 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.
- crpn - Corner-based Region Proposal Network.
- SSTDNet - Implement 'Single Shot Text Detector with Regional Attention, ICCV 2017 Spotlight'.
- R2CNN - caffe re-implementation of R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detection.
- RRPN - Source code of RRPN ---- Arbitrary-Oriented Scene Text Detection via Rotation Proposals
- 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.
- DeRPN - A novel region proposal network for more general object detection ( including scene text detection ).
- Bartzi/see - 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
- beacandler/R2CNN - caffe re-implementation of R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detection
- HsiehYiChia/Scene-text-recognition - Scene text detection and recognition based on Extremal Region(ER)
- R2CNN_Faster-RCNN_Tensorflow - Rotational region detection based on Faster-RCNN.
- corner - Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation
- Corner_Segmentation_TextDetection - Multi-Oriented Scene