Textboxes_plusplus implementation with Tensorflow (python)

Overview

TextBoxes++-TensorFlow

TextBoxes++ re-implementation using tensorflow. This project is greatly inspired by slim project And many functions are modified based on SSD-tensorflow project

Author: Zhisheng Zou [email protected]

pretrained model

  1. Google drive

environment

python2.7/python3.5

tensorflow-gpu 1.8.0

at least one gpu

how to use

  1. Getting the xml file like this example xml and put the image together because we need the format like this standard xml
    1. picture format: *.png or *.PNG
  2. Getting the xml and flags ensure the XML file is under the same directory as the corresponding image.execute the code: convert_xml_format.py
    1. python tools/convert_xml_format.py -i in_dir -s split_flag -l save_logs -o output_dir
    2. in_dir means the absolute directory which contains the pic and xml
    3. split_flag means whether or not to split the datasets
    4. save_logs means whether to save train_xml.txt
    5. output_dir means where to save xmls
  3. Getting the tfrecords
    1. python gene_tfrecords.py --xml_img_txt_path=./logs/train_xml.txt --output_dir=tfrecords
    2. xml_img_txt_path like this train xml
    3. output_dir means where to save tfrecords
  4. Training
    1. python train.py --train_dir =some_path --dataset_dir=some_path --checkpoint_path=some_path
    2. train_dir store the checkpoints when training
    3. dataset_dir store the tfrecords for training
    4. checkpoint_path store the model which needs to be fine tuned
  5. Testing
    1. python test.py -m /home/model.ckpt-858 -o test
    2. -m which means the model
    3. -o which means output_result_dir
    4. -i which means the test img dir
    5. -c which means use which device to run the test
    6. -n which means the nms threshold
    7. -s which means the score threshold

Note:

  1. when you are training the model, you can run the eval_result.py to eval your model and save the result
You might also like...
Repository for Scene Text Detection with Supervised Pyramid Context Network with tensorflow.

Scene-Text-Detection-with-SPCNET Unofficial repository for [Scene Text Detection with Supervised Pyramid Context Network][https://arxiv.org/abs/1811.0

This project modify tensorflow object detection api code to predict oriented bounding boxes. It can be used for scene text detection.
This project modify tensorflow object detection api code to predict oriented bounding boxes. It can be used for scene text detection.

This is an oriented object detector based on tensorflow object detection API. Most of the code is not changed except for those related to the need of

text detection mainly based on ctpn model in tensorflow, id card detect, connectionist text proposal network
text detection mainly based on ctpn model in tensorflow, id card detect, connectionist text proposal network

text-detection-ctpn Scene text detection based on ctpn (connectionist text proposal network). It is implemented in tensorflow. The origin paper can be

TextBoxes re-implement using tensorflow

TextBoxes-TensorFlow TextBoxes re-implementation using tensorflow. This project is greatly inspired by slim project And many functions are modified ba

Tensorflow-based CNN+LSTM trained with CTC-loss for OCR

Overview This collection demonstrates how to construct and train a deep, bidirectional stacked LSTM using CNN features as input with CTC loss to perfo

🖺 OCR using tensorflow with attention

tensorflow-ocr 🖺 OCR using tensorflow with attention, batteries included Installation git clone --recursive http://github.com/pannous/tensorflow-ocr

CNN+LSTM+CTC based OCR implemented using tensorflow.

CNN_LSTM_CTC_Tensorflow CNN+LSTM+CTC based OCR(Optical Character Recognition) implemented using tensorflow. Note: there is No restriction on the numbe

CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras

简介 基于Tensorflow和Keras实现端到端的不定长中文字符检测和识别 文本检测:CTPN 文本识别:DenseNet + CTC 环境部署 sh setup.sh 注:CPU环境执行前需注释掉for gpu部分,并解开for cpu部分的注释 Demo 将测试图片放入test_images

Handwritten Text Recognition (HTR) system implemented with TensorFlow (TF) and trained on the IAM off-line HTR dataset. This Neural Network (NN) model recognizes the text contained in the images of segmented words.

Handwritten-Text-Recognition Handwritten Text Recognition (HTR) system implemented with TensorFlow (TF) and trained on the IAM off-line HTR dataset. T

Comments
  • some questions about premodel

    some questions about premodel

    Thanks for your model ,I want to ask you about the specific details of training premodel. Q1:What's the actual size of the dataset used to trained in premodel? Q2:How many the number of used GPUS when training and how long is the training? Q3:How many the steps of pre-training

    opened by ld0714 2
  • About project SSD-Tensorflow of Balancap

    About project SSD-Tensorflow of Balancap

    Could you please share your successful ssd project based on project SSD-Tensorflow of balancap. The reason is because I saw many people complaining that they can't train that model correctly due to some problems in code!!! You can send the information to my email: [email protected] Thank you so much

    opened by lloydnguyen96 0
  • have trouble in textbox_anchor_one_layer

    have trouble in textbox_anchor_one_layer

    textbox_anchor_one_layer for generating anchors for one feature layer, but I encounter a problem while visualizing it.could some one give me some tips. thanks advance.

    opened by opconty 2
Owner
null
Textboxes implementation with Tensorflow (python)

tb_tensorflow A python implementation of TextBoxes Dependencies TensorFlow r1.0 OpenCV2 Code from Chaoyue Wang 03/09/2017 Update: 1.Debugging optimize

Jayne Shin (신재인) 20 May 31, 2019
CUTIE (TensorFlow implementation of Convolutional Universal Text Information Extractor)

CUTIE TensorFlow implementation of the paper "CUTIE: Learning to Understand Documents with Convolutional Universal Text Information Extractor." Xiaohu

Zhao,Xiaohui 147 Dec 20, 2022
This is a tensorflow re-implementation of PSENet: Shape Robust Text Detection with Progressive Scale Expansion Network.My blog:

PSENet: Shape Robust Text Detection with Progressive Scale Expansion Network Introduction This is a tensorflow re-implementation of PSENet: Shape Robu

Michael liu 498 Dec 30, 2022
TensorFlow Implementation of FOTS, Fast Oriented Text Spotting with a Unified Network.

FOTS: Fast Oriented Text Spotting with a Unified Network I am still working on this repo. updates and detailed instructions are coming soon! Table of

Masao Taketani 52 Nov 11, 2022
A tensorflow implementation of EAST text detector

EAST: An Efficient and Accurate Scene Text Detector Introduction This is a tensorflow re-implementation of EAST: An Efficient and Accurate Scene Text

null 2.9k Jan 2, 2023
Textboxes : Image Text Detection Model : python package (tensorflow)

shinTB Abstract A python package for use Textboxes : Image Text Detection Model implemented by tensorflow, cv2 Textboxes Paper Review in Korean (My Bl

Jayne Shin (신재인) 91 Dec 15, 2022
A Tensorflow model for text recognition (CNN + seq2seq with visual attention) available as a Python package and compatible with Google Cloud ML Engine.

Attention-based OCR Visual attention-based OCR model for image recognition with additional tools for creating TFRecords datasets and exporting the tra

Ed Medvedev 933 Dec 29, 2022
Character Segmentation using TensorFlow

Character Segmentation Segment characters and spaces in one text line,from this paper Chinese English mixed Character Segmentation as Semantic Segment

null 26 Aug 25, 2022
Handwritten Text Recognition (HTR) using TensorFlow 2.x

Handwritten Text Recognition (HTR) system implemented using TensorFlow 2.x and trained on the Bentham/IAM/Rimes/Saint Gall/Washington offline HTR data

Arthur Flôr 160 Dec 21, 2022
Handwritten Text Recognition (HTR) system implemented with TensorFlow.

Handwritten Text Recognition with TensorFlow Update 2021: more robust model, faster dataloader, word beam search decoder also available for Windows Up

Harald Scheidl 1.5k Jan 7, 2023