- 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 An application of high resolution GANs to dewarp images of perturbed documents
- 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
- ARU-Net - Deep Learning Chinese Word Segment
- sbb_textline_detector
- githubharald/WordSegmentation Detect handwritten words (classic image processing based method).
- kcws
- 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
- 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
- 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
- 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
- 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 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
- MORAN_v2 - MORAN: A Multi-Object Rectified Attention Network for Scene Text Recognition
- Curve-Text-Detector - This repository provides train&test code, dataset, det.&rec. annotation, evaluation script, annotation tool, and ranking table.
- HCIILAB/DeRPN - A novel region proposal network for more general object detection ( including scene text detection ).
- TextField - TextField: Learning A Deep Direction Field for Irregular Scene Text Detection (TIP 2019)
- tensorflow-TextMountain - TextMountain: Accurate Scene Text Detection via Instance Segmentation
- Bartzi/see - Code for the AAAI 2018 publication "SEE: Towards Semi-Supervised End-to-End Scene Text Recognition"
- bgshih/aster - Recognizing cropped text in natural images.
- ReceiptParser - A fuzzy receipt parser written in Python.
- vedastr
ABCNet paper:2020
- AdelaiDet
- https://github.com/Yuliang-Liu/bezier_curve_text_spotting
- https://github.com/quangvy2703/ABCNet-ESRGAN-SRTEXT
- https://github.com/Pxtri2156/AdelaiDet_v2
- https://github.com/zhubinQAQ/Ins
CRAFT paper:2019
- CRAFT-pytorch (official) - Pytorch implementation of CRAFT text detector.
- autonise/CRAFT-Remade
- s3nh/pytorch-text-recognition
- backtime92/CRAFT-Reimplementation
- fcakyon/craft-text-detector - PyTorch implementation of CRAFT
- 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
TextBoxes++ paper:2018
- TextBoxes_plusplus (offical) TextBoxes++: A Single-Shot Oriented Scene Text Detector
- Shun14/TextBoxes_plusplus_Tensorflo - Textboxes_plusplus implementation with Tensorflow (python)
PSENet paper:2018
- 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
- EAST(official) - (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 Implementation of EAST scene text detector in Keras
- 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
- 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
- text-detection-ctpn
- yizt/keras-ctpn
- tianzhi0549/CTPN - Detecting Text in Natural Image with Connectionist Text Proposal Network
- typefont - The first open-source library that detects the font of a text in a image.
- texify - OCR model for math that outputs LaTeX and markdown.
- DAVAR-lab-OCR
- CRNN.tf2
- ocr.pytorch
- PytorchOCR
- MMOCR
- doctr
- Master OCR
- xiaofengShi/CHINESE-OCR
- PaddleOCR
- Urdu-Ocr
- ocr.pytorch
- ocular - Ocular is a state-of-the-art historical OCR system.
- OCR++
- pytextrator - python ocr using tesseract/ with EAST opencv detector
- OCR-D
- ocrd_tesserocr
- Deeplearning-OCR
- 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.
- VistaOCR
- tesseract.js
- Tesseract
- kaldi
- ocropus3 - Repository collecting all the submodules for the new PyTorch-based OCR System.
- calamari
- ocropy - Python-based tools for document analysis and OCR
- chinese_ocr
- deep_ocr - make a better chinese character recognition OCR than tesseract.
- ocular
- textDetectionWithScriptID
- transcribus
- FastText - Library for efficient text classification and representation learning
- GOCR
- Ocrad
- franc - Natural language detection
- ocrfeeder
- 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
- dhlab-epfl/dhSegment - Generic framework for historical document processing
- https://github.com/mawanda-jun/TableTrainNet
- https://github.com/kermitt2/delft
- https://github.com/chulwoopack/docstrum
- 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
- https://github.com/beratkurar/textline-segmentation-using-fcn
- https://github.com/OCR4all
- https://github.com/OCR4all/LAREX
- https://github.com/OCR4all/OCR4all
- https://github.com/andbue/nashi
- http://kraken.re/
- 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
- https://github.com/whitelok/image-text-localization-recognition
- Awesome-Scene-Text-Recognition - A curated list of resources dedicated to scene text localization and recognition
- awesome-deep-text-detection-recognition
- https://github.com/kurapan/awesome-scene-text
- kba/awesome-ocr
- perfectspr/awesome-ocr
- https://github.com/ZumingHuang/awesome-ocr-resources
- https://github.com/chongyangtao/Awesome-Scene-Text-Recognition
- https://github.com/whitelok/image-text-localization-recognition
- https://github.com/hwalsuklee/awesome-deep-text-detection-recognition
- https://github.com/wanghaisheng/awesome-ocr
- https://github.com/Jyouhou/SceneTextPapers
- https://github.com/jyhengcoder/myOCR
- https://github.com/hwalsuklee/awesome-deep-text-detection-recognition
- https://github.com/tangzhenyu/Scene-Text-Understanding
- https://github.com/whitelok/image-text-localization-recognition
- https://github.com/kba/awesome-ocr
- https://github.com/soumendra/awesome-ocr
- chongyangtao/Awesome-Scene-Text-Recognition - Papers and datasets
- nw-page-editor - Simple app for visual editing of Page XML files
- hocr
- alto
- PageXML
- ocr-fileformat - Validate and transform various OCR file formats
- hocr-tools - Tools for manipulating and evaluating the hOCR format for representing multi-lingual OCR results by embedding them into HTML.
- http://www.iapr-tc11.org/mediawiki/index.php/Datasets_List
- https://icdar2019.org/competitions-2/
- https://rrc.cvc.uab.es/#
- https://lionbridge.ai/datasets/15-best-ocr-handwriting-datasets/
- https://github.com/xylcbd/ocr-open-dataset
- ICDAR datasets
- https://github.com/OpenArabic/OCR_GS_Data
- https://github.com/cs-chan/Total-Text-Dataset
- scenetext - This is a synthetically generated dataset, in which word instances are placed in natural scene images, while taking into account the scene layout.
- Total-Text-Dataset
- ocr-open-dataset
- DocCreator - DIAR software for synthetic document image and groundtruth generation, with various degradation models for data augmentation.
- Scene-Text-Image-Transformer - Scene Text Image Transformer
- Belval/TextRecognitionDataGenerator - A synthetic data generator for text recognition
- Sanster/text_renderer
- awesome-SynthText
- Text-Image-Augmentation
- UnrealText
- SynthText_Chinese_version
- ajgalleo/document-image-binarization
- PRLib - Pre-Recognize Library - library with algorithms for improving OCR quality.
- sbb_binarization -
- KBNLresearch/ochre - Toolbox for OCR post-correction
- cisocrgroup/PoCoTo - The CIS OCR PostCorrectionTool
- afterscan
- TedEval
- clovaai/deep-text-recognition-benchmark - Text recognition (optical character recognition) with deep learning methods.
- dinglehopper - dinglehopper is an OCR evaluation tool and reads ALTO, PAGE and text files.
- CLEval
- ocrodeg - a small Python library implementing document image degradation for data augmentation for handwriting recognition and OCR applications.
- scantailor - Scan Tailor is an interactive post-processing tool for scanned pages.
- jlsutherland/doc2text - help researchers fix these errors and extract the highest quality text from their pdfs as possible.
- mauvilsa/nw-page-editor - Simple app for visual editing of Page XML files.
- Transkribus - Transkribus is a comprehensive platform for the digitisation, AI-powered recognition, transcription and searching of historical documents.
- http://projectnaptha.com/
- https://github.com/4lex4/scantailor-advanced
- open-semantic-search - Open Semantic Search Engine and Open Source Text Mining & Text Analytics platform (Integrates ETL for document processing, OCR for images & PDF, named entity recognition for persons, organizations & locations, metadata management by thesaurus & ontologies, search user interface & search apps for fulltext search, faceted search & knowledge graph)
- ocrserver - A simple OCR API server, seriously easy to be deployed by Docker, on Heroku as well
- cosc428-structor - ~1000 book pages + OpenCV + python = page regions identified as paragraphs, lines, images, captions, etc.
- nidaba - An expandable and scalable OCR pipeline
- https://github.com/MaybeShewill-CV/CRNN_Tensorflow
- OCRmyPDF