Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation

Overview

This is the official implementation of "Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation".

For more details, please refer to our paper.

Citing the paper

Please cite the paper in your publications if it helps your research:

@inproceedings{lyu2018multi,
      title={Multi-oriented scene text detection via corner localization and region segmentation},
      author={Lyu, Pengyuan and Yao, Cong and Wu, Wenhao and Yan, Shuicheng and Bai, Xiang},
      booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
      pages={7553--7563},
      year={2018}
}

Contents

  1. Requirements
  2. Installation
  3. Models
  4. Test
  5. Train
  6. License

Requirements

  • NVIDIA GPU, Ubuntu 14.04, Python2.7, CUDA8/9
  • PyTorch 0.2.0_3

Installation

git clone https://github.com/lvpengyuan/corner.git
sh ./make.sh   or  cd rpsroi_pooling && python build.py

Models

Download the model and place it in weights/

Our trained model: Google Drive;

Test

You can test a model in a single scale:

python eval_all.py

or in multi-scale:

python eval_multiscale.py

Note that, you should modify the model path and the test dataset before testing.

Train

python train.py

To train a new model, you should modify the training settings before training.

License

This code is only for academic purpose.

Comments
  • RuntimeError: dimension specified as 1 but tensor has no dimensions

    RuntimeError: dimension specified as 1 but tensor has no dimensions

    Traceback (most recent call last): File "/home/work/Code/Corner/train.py", line 255, in train() File "/home/work/Code/Corner/train.py", line 236, in train loss_l, loss_c, loss_s = criterion(out, targets, segs) File "/home/panda/pytorch_corner/local/lib/python2.7/site-packages/torch/nn/modules/module.py", line 357, in call result = self.forward(*input, **kwargs) File "/home/work/Code/Corner/layers/modules/multibox_loss.py", line 79, in forward loss_c = F.cross_entropy(conf_p, targets_weighted, size_average=False) File "/home/panda/pytorch_corner/local/lib/python2.7/site-packages/torch/nn/functional.py", line 1161, in cross_entropy return nll_loss(log_softmax(input, 1), target, weight, size_average, ignore_index, reduce) File "/home/panda/pytorch_corner/local/lib/python2.7/site-packages/torch/nn/functional.py", line 786, in log_softmax return torch._C._nn.log_softmax(input, dim) RuntimeError: dimension specified as 1 but tensor has no dimensions

    It seems that ./layers/multibox_loss.py 75 line 'conf_p = conf_data_v[(pos_idx + neg_idx).gt(0)].view(-1, self.num_classes)' have bug?

    opened by litchi99 1
  • how to achieve H&H Lab results?

    how to achieve H&H Lab results?

    @lvpengyuan How to achieve SROIE 2019 results https://rrc.cvc.uab.es/?ch=13&com=evaluation&view=method_info&task=1&m=53374

    H&H Lab
    Description: we ensemble EAST and multi oriented corner to create a robust scene text detector. To make network learning easier, we modified the mutli-oriented corner network with a new branch borrowed from east added.
    
    opened by ghost 1
  • the Meaning of Outputs

    the Meaning of Outputs

    Excuse me, The output of the network("out = net(images" in training code) contains four parts(loc_data, conf_data, priors, seg_data). I'm still not sure the meaning of them after reading your paper. Can you help me? Thank you very much!

    opened by KevinFeng1998 0
  • I found an error in the

    I found an error in the "train.py"

    about line 220:

    for item in **samples**:
        temp.append(Variable(item, volatile=True))
        gts.append(temp)
    

    I think, the "samples" should be "sample",thank you.

    opened by Wo-Ki 0
  • File not found error.

    File not found error.

    I'm getting the following error:

    File "/home/mukut/gitlab/corner/data/icdar.py", line 49, in init ic13_samples = open(ic13_list_path, 'r').readlines() IOError: [Errno 2] No such file or directory: '../data/ocr/detection//icdar2013/test_list.txt'

    when I executed eval_all.py file.

    Any suggestion.

    opened by abhishek-kumar-onometra 10
Owner
Pengyuan Lyu
Pengyuan Lyu
Corner-based Region Proposal Network

Corner-based Region Proposal Network CRPN is a two-stage detection framework for multi-oriented scene text. It employs corners to estimate the possibl

xhzdeng 140 Nov 4, 2022
An Implementation of the alogrithm in paper IncepText: A New Inception-Text Module with Deformable PSROI Pooling for Multi-Oriented Scene Text Detection

InceptText-Tensorflow An Implementation of the alogrithm in paper IncepText: A New Inception-Text Module with Deformable PSROI Pooling for Multi-Orien

GeorgeJoe 115 Dec 12, 2022
A novel region proposal network for more general object detection ( including scene text detection ).

DeRPN: Taking a further step toward more general object detection DeRPN is a novel region proposal network which concentrates on improving the adaptiv

Deep Learning and Vision Computing Lab, SCUT 151 Dec 12, 2022
Source code of RRPN ---- Arbitrary-Oriented Scene Text Detection via Rotation Proposals

Paper source Arbitrary-Oriented Scene Text Detection via Rotation Proposals https://arxiv.org/abs/1703.01086 News We update RRPN in pytorch 1.0! View

null 428 Nov 22, 2022
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

Dafang He 30 Oct 22, 2022
Scene text detection and recognition based on Extremal Region(ER)

Scene text recognition A real-time scene text recognition algorithm. Our system is able to recognize text in unconstrain background. This algorithm is

HSIEH, YI CHIA 155 Dec 6, 2022
caffe re-implementation of R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detection

R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detection Abstract This is a caffe re-implementation of R2CNN: Rotational Region CNN fo

candler 80 Dec 28, 2021
Motion detector, Full body detection, Upper body detection, Cat face detection, Smile detection, Face detection (haar cascade), Silverware detection, Face detection (lbp), and Sending email notifications

Security camera running OpenCV for object and motion detection. The camera will send email with image of any objects it detects. It also runs a server that provides web interface with live stream video.

Peace 10 Jun 30, 2021
RRD: Rotation-Sensitive Regression for Oriented Scene Text Detection

RRD: Rotation-Sensitive Regression for Oriented Scene Text Detection For more details, please refer to our paper. Citing Please cite the related works

Minghui Liao 102 Jun 29, 2022
Learning Camera Localization via Dense Scene Matching, CVPR2021

This repository contains code of our CVPR 2021 paper - "Learning Camera Localization via Dense Scene Matching" by Shitao Tang, Chengzhou Tang, Rui Hua

tangshitao 65 Dec 1, 2022
A curated list of resources dedicated to scene text localization and recognition

Scene Text Localization & Recognition Resources A curated list of resources dedicated to scene text localization and recognition. Any suggestions and

CarlosTao 1.6k Dec 22, 2022
Total Text Dataset. It consists of 1555 images with more than 3 different text orientations: Horizontal, Multi-Oriented, and Curved, one of a kind.

Total-Text-Dataset (Official site) Updated on April 29, 2020 (Detection leaderboard is updated - highlighted E2E methods. Thank you shine-lcy.) Update

Chee Seng Chan 671 Dec 27, 2022
TextBoxes++: A Single-Shot Oriented Scene Text Detector

TextBoxes++: A Single-Shot Oriented Scene Text Detector Introduction This is an application for scene text detection (TextBoxes++) and recognition (CR

Minghui Liao 930 Jan 4, 2023
Implementation of our paper 'PixelLink: Detecting Scene Text via Instance Segmentation' in AAAI2018

Code for the AAAI18 paper PixelLink: Detecting Scene Text via Instance Segmentation, by Dan Deng, Haifeng Liu, Xuelong Li, and Deng Cai. Contributions

null 758 Dec 22, 2022
Official implementation of Character Region Awareness for Text Detection (CRAFT)

CRAFT: Character-Region Awareness For Text detection Official Pytorch implementation of CRAFT text detector | Paper | Pretrained Model | Supplementary

Clova AI Research 2.5k Jan 3, 2023
CRAFT-Pyotorch:Character Region Awareness for Text Detection Reimplementation for Pytorch

CRAFT-Reimplementation Note:If you have any problems, please comment. Or you can join us weChat group. The QR code will update in issues #49 . Reimple

null 453 Dec 28, 2022
YOLOv5 in DOTA with CSL_label.(Oriented Object Detection)(Rotation Detection)(Rotated BBox)

YOLOv5_DOTA_OBB YOLOv5 in DOTA_OBB dataset with CSL_label.(Oriented Object Detection) Datasets and pretrained checkpoint Datasets : DOTA Pretrained Ch

null 1.1k Dec 30, 2022
A curated list of papers and resources for scene text detection and recognition

Awesome Scene Text A curated list of papers and resources for scene text detection and recognition The year when a paper was first published, includin

Jan Zdenek 43 Mar 15, 2022
Rotational region detection based on Faster-RCNN.

R2CNN_Faster_RCNN_Tensorflow Abstract This is a tensorflow re-implementation of R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detecti

UCAS-Det 581 Nov 22, 2022