期刊文献+
共找到14篇文章
< 1 >
每页显示 20 50 100
Embedded System Based Raspberry Pi 4 for Text Detection and Recognition
1
作者 Turki M.Alanazi 《Intelligent Automation & Soft Computing》 SCIE 2023年第6期3343-3354,共12页
Detecting and recognizing text from natural scene images presents a challenge because the image quality depends on the conditions in which the image is captured,such as viewing angles,blurring,sensor noise,etc.However... Detecting and recognizing text from natural scene images presents a challenge because the image quality depends on the conditions in which the image is captured,such as viewing angles,blurring,sensor noise,etc.However,in this paper,a prototype for text detection and recognition from natural scene images is proposed.This prototype is based on the Raspberry Pi 4 and the Universal Serial Bus(USB)camera and embedded our text detection and recognition model,which was developed using the Python language.Our model is based on the deep learning text detector model through the Efficient and Accurate Scene Text Detec-tor(EAST)model for text localization and detection and the Tesseract-OCR,which is used as an Optical Character Recognition(OCR)engine for text recog-nition.Our prototype is controlled by the Virtual Network Computing(VNC)tool through a computer via a wireless connection.The experiment results show that the recognition rate for the captured image through the camera by our prototype can reach 99.75%with low computational complexity.Furthermore,our proto-type is more performant than the Tesseract software in terms of the recognition rate.Besides,it provides the same performance in terms of the recognition rate with a huge decrease in the execution time by an average of 89%compared to the EasyOCR software on the Raspberry Pi 4 board. 展开更多
关键词 text detection text recognition OCR engine natural scene images Raspberry Pi USB camera
下载PDF
Text Detection in Natural Scene Images Using Morphological Component Analysis and Laplacian Dictionary 被引量:6
2
作者 Shuping Liu Yantuan Xian +1 位作者 Huafeng Li Zhengtao Yu 《IEEE/CAA Journal of Automatica Sinica》 EI CSCD 2020年第1期214-222,共9页
Text in natural scene images usually carries abundant semantic information. However, due to variations of text and complexity of background, detecting text in scene images becomes a critical and challenging task. In t... Text in natural scene images usually carries abundant semantic information. However, due to variations of text and complexity of background, detecting text in scene images becomes a critical and challenging task. In this paper, we present a novel method to detect text from scene images. Firstly, we decompose scene images into background and text components using morphological component analysis(MCA), which will reduce the adverse effects of complex backgrounds on the detection results.In order to improve the performance of image decomposition,two discriminative dictionaries of background and text are learned from the training samples. Moreover, Laplacian sparse regularization is introduced into our proposed dictionary learning method which improves discrimination of dictionary. Based on the text dictionary and the sparse-representation coefficients of text, we can construct the text component. After that, the text in the query image can be detected by applying certain heuristic rules. The results of experiments show the effectiveness of the proposed method. 展开更多
关键词 Index Terms—Dictionary learning Laplacian sparse regularization morphological component analysis(MCA) sparse representation text detection.
下载PDF
A Modified Method for Scene Text Detection by ResNet 被引量:1
3
作者 Shaozhang Niu Xiangxiang Li +1 位作者 Maosen Wang Yueying Li 《Computers, Materials & Continua》 SCIE EI 2020年第12期2233-2245,共13页
In recent years,images have played a more and more important role in our daily life and social communication.To some extent,the textual information contained in the pictures is an important factor in understanding the... In recent years,images have played a more and more important role in our daily life and social communication.To some extent,the textual information contained in the pictures is an important factor in understanding the content of the scenes themselves.The more accurate the text detection of the natural scenes is,the more accurate our semantic understanding of the images will be.Thus,scene text detection has also become the hot spot in the domain of computer vision.In this paper,we have presented a modified text detection network which is based on further research and improvement of Connectionist Text Proposal Network(CTPN)proposed by previous researchers.To extract deeper features that are less affected by different images,we use Residual Network(ResNet)to replace Visual Geometry Group Network(VGGNet)which is used in the original network.Meanwhile,to enhance the robustness of the models to multiple languages,we use the datasets for training from multi-lingual scene text detection and script identification datasets(MLT)of 2017 International Conference on Document Analysis and Recognition(ICDAR2017).And apart from that,the attention mechanism is used to get more reasonable weight distribution.We found the proposed models achieve 0.91 F1-score on ICDAR2011 test,better than CTPN trained on the same datasets by about 5%. 展开更多
关键词 CTPN scene text detection ResNet ATTENTION
下载PDF
CNN and Fuzzy Rules Based Text Detection and Recognition from Natural Scenes
4
作者 T.Mithila R.Arunprakash A.Ramachandran 《Computer Systems Science & Engineering》 SCIE EI 2022年第9期1165-1179,共15页
In today’s real world, an important research part in image processing isscene text detection and recognition. Scene text can be in different languages,fonts, sizes, colours, orientations and structures. Moreover, the... In today’s real world, an important research part in image processing isscene text detection and recognition. Scene text can be in different languages,fonts, sizes, colours, orientations and structures. Moreover, the aspect ratios andlayouts of a scene text may differ significantly. All these variations appear assignificant challenges for the detection and recognition algorithms that are consideredfor the text in natural scenes. In this paper, a new intelligent text detection andrecognition method for detectingthe text from natural scenes and forrecognizingthe text by applying the newly proposed Conditional Random Field-based fuzzyrules incorporated Convolutional Neural Network (CR-CNN) has been proposed.Moreover, we have recommended a new text detection method for detecting theexact text from the input natural scene images. For enhancing the presentation ofthe edge detection process, image pre-processing activities such as edge detectionand color modeling have beenapplied in this work. In addition, we have generatednew fuzzy rules for making effective decisions on the processes of text detectionand recognition. The experiments have been directedusing the standard benchmark datasets such as the ICDAR 2003, the ICDAR 2011, the ICDAR2005 and the SVT and have achieved better detection accuracy intext detectionand recognition. By using these three datasets, five different experiments havebeen conducted for evaluating the proposed model. And also, we have comparedthe proposed system with the other classifiers such as the SVM, the MLP and theCNN. In these comparisons, the proposed model has achieved better classificationaccuracywhen compared with the other existing works. 展开更多
关键词 CRF RULES text detection text recognition natural scene images CR-CNN
下载PDF
Label Enhancement for Scene Text Detection
5
作者 MEI Junjun GUAN Tao TONG Junwen 《ZTE Communications》 2022年第4期89-95,共7页
Segmentation-based scene text detection has drawn a great deal of attention,as it can describe the text instance with arbitrary shapes based on its pixel-level prediction.However,most segmentation-based methods suffer... Segmentation-based scene text detection has drawn a great deal of attention,as it can describe the text instance with arbitrary shapes based on its pixel-level prediction.However,most segmentation-based methods suffer from complex post-processing to separate the text instances which are close to each other,resulting in considerable time consumption during the inference procedure.A label enhancement method is proposed to construct two kinds of training labels for segmentation-based scene text detection in this paper.The label distribution learning(LDL)method is used to overcome the problem brought by pure shrunk text labels that might result in suboptimal detection perfor⁃mance.The experimental results on three benchmarks demonstrate that the proposed method can consistently improve the performance with⁃out sacrificing inference speed. 展开更多
关键词 label enhancement scene text detection semantic segmentation
下载PDF
Adaptive Multi-Scale HyperNet with Bi-Direction Residual Attention Module forScene Text Detection
6
作者 Junjie Qu Jin Liu Chao Yu 《Journal of Information Hiding and Privacy Protection》 2021年第2期83-89,共7页
Scene text detection is an important step in the scene text reading system.There are still two problems during the existing text detection methods:(1)The small receptive of the convolutional layer in text detection is... Scene text detection is an important step in the scene text reading system.There are still two problems during the existing text detection methods:(1)The small receptive of the convolutional layer in text detection is not sufficiently sensitive to the target area in the image;(2)The deep receptive of the convolutional layer in text detection lose a lot of spatial feature information.Therefore,detecting scene text remains a challenging issue.In this work,we design an effective text detector named Adaptive Multi-Scale HyperNet(AMSHN)to improve texts detection performance.Specifically,AMSHN enhances the sensitivity of target semantics in shallow features with a new attention mechanism to strengthen the region of interest in the image and weaken the region of no interest.In addition,it reduces the loss of spatial feature by fusing features on multiple paths,which significantly improves the detection performance of text.Experimental results on the Robust Reading Challenge on Reading Chinese Text on Signboard(ReCTS)dataset show that the proposed method has achieved the state-of-the-art results,which proves the ability of our detector on both particularity and universality applications. 展开更多
关键词 Deep learning scene text detection attention mechanism
下载PDF
Label distribution learning for scene text detection
7
作者 Haoyu MA Ningning LU +3 位作者 Junjun MEI Tao GUAN Yu ZHANG Xin GENG 《Frontiers of Computer Science》 SCIE EI CSCD 2023年第6期5-12,共8页
Recently,segmentation-based scene text detection has drawn a wide research interest due to its flexibility in describing scene text instance of arbitrary shapes such as curved texts.However,existing methods usually ne... Recently,segmentation-based scene text detection has drawn a wide research interest due to its flexibility in describing scene text instance of arbitrary shapes such as curved texts.However,existing methods usually need complex post-processing stages to process ambiguous labels,i.e.,the labels of the pixels near the text boundary,which may belong to the text or background.In this paper,we present a framework for segmentation-based scene text detection by learning from ambiguous labels.We use the label distribution learning method to process the label ambiguity of text annotation,which achieves a good performance without using additional post-processing stage.Experiments on benchmark datasets demonstrate that our method produces better results than state-of-the-art methods for segmentation-based scene text detection. 展开更多
关键词 scene text detection multi-task learning label distribution learning
原文传递
YOLOv5ST:A Lightweight and Fast Scene Text Detector
8
作者 Yiwei Liu Yingnan Zhao +2 位作者 Yi Chen Zheng Hu Min Xia 《Computers, Materials & Continua》 SCIE EI 2024年第4期909-926,共18页
Scene text detection is an important task in computer vision.In this paper,we present YOLOv5 Scene Text(YOLOv5ST),an optimized architecture based on YOLOv5 v6.0 tailored for fast scene text detection.Our primary goal ... Scene text detection is an important task in computer vision.In this paper,we present YOLOv5 Scene Text(YOLOv5ST),an optimized architecture based on YOLOv5 v6.0 tailored for fast scene text detection.Our primary goal is to enhance inference speed without sacrificing significant detection accuracy,thereby enabling robust performance on resource-constrained devices like drones,closed-circuit television cameras,and other embedded systems.To achieve this,we propose key modifications to the network architecture to lighten the original backbone and improve feature aggregation,including replacing standard convolution with depth-wise convolution,adopting the C2 sequence module in place of C3,employing Spatial Pyramid Pooling Global(SPPG)instead of Spatial Pyramid Pooling Fast(SPPF)and integrating Bi-directional Feature Pyramid Network(BiFPN)into the neck.Experimental results demonstrate a remarkable 26%improvement in inference speed compared to the baseline,with only marginal reductions of 1.6%and 4.2%in mean average precision(mAP)at the intersection over union(IoU)thresholds of 0.5 and 0.5:0.95,respectively.Our work represents a significant advancement in scene text detection,striking a balance between speed and accuracy,making it well-suited for performance-constrained environments. 展开更多
关键词 Scene text detection YOLOv5 LIGHTWEIGHT object detection
下载PDF
CVTD: A Robust Car-Mounted Video Text Detector
9
作者 Di Zhou Jianxun Zhang +2 位作者 Chao Li Yifan Guo Bowen Li 《Computers, Materials & Continua》 SCIE EI 2024年第2期1821-1842,共22页
Text perception is crucial for understanding the semantics of outdoor scenes,making it a key requirement for building intelligent systems for driver assistance or autonomous driving.Text information in car-mounted vid... Text perception is crucial for understanding the semantics of outdoor scenes,making it a key requirement for building intelligent systems for driver assistance or autonomous driving.Text information in car-mounted videos can assist drivers in making decisions.However,Car-mounted video text images pose challenges such as complex backgrounds,small fonts,and the need for real-time detection.We proposed a robust Car-mounted Video Text Detector(CVTD).It is a lightweight text detection model based on ResNet18 for feature extraction,capable of detecting text in arbitrary shapes.Our model efficiently extracted global text positions through the Coordinate Attention Threshold Activation(CATA)and enhanced the representation capability through stacking two Feature Pyramid Enhancement Fusion Modules(FPEFM),strengthening feature representation,and integrating text local features and global position information,reinforcing the representation capability of the CVTD model.The enhanced feature maps,when acted upon by Text Activation Maps(TAM),effectively distinguished text foreground from non-text regions.Additionally,we collected and annotated a dataset containing 2200 images of Car-mounted Video Text(CVT)under various road conditions for training and evaluating our model’s performance.We further tested our model on four other challenging public natural scene text detection benchmark datasets,demonstrating its strong generalization ability and real-time detection speed.This model holds potential for practical applications in real-world scenarios. 展开更多
关键词 Deep learning text detection Car-mounted video text detector intelligent driving assistance arbitrary shape text detector
下载PDF
A Character Flow Framework for Multi-Oriented Scene Text Detection 被引量:1
10
作者 Wen-Jun Yang Bei-Ji Zou +1 位作者 Kai-Wen Li Shu Liu 《Journal of Computer Science & Technology》 SCIE EI CSCD 2021年第3期465-477,共13页
Scene text detection plays a significant role in various applications,such as object recognition,document management,and visual navigation.The instance segmentation based method has been mostly used in existing resear... Scene text detection plays a significant role in various applications,such as object recognition,document management,and visual navigation.The instance segmentation based method has been mostly used in existing research due to its advantages in dealing with multi-oriented texts.However,a large number of non-text pixels exist in the labels during the model training,leading to text mis-segmentation.In this paper,we propose a novel multi-oriented scene text detection framework,which includes two main modules:character instance segmentation(one instance corresponds to one character),and character flow construction(one character flow corresponds to one word).We use feature pyramid network(FPN)to predict character and non-character instances with arbitrary directions.A joint network of FPN and bidirectional long short-term memory(BLSTM)is developed to explore the context information among isolated characters,which are finally grouped into character flows.Extensive experiments are conducted on ICDAR2013,ICDAR2015,MSRA-TD500 and MLT datasets to demonstrate the effectiveness of our approach.The F-measures are 92.62%,88.02%,83.69%and 77.81%,respectively. 展开更多
关键词 multi-oriented scene text detection character instance segmentation character flow feature pyramid network(FPN) bidirectional long short-term memory(BLSTM)
原文传递
A CCD based machine vision system for real-time text detection
11
作者 Shihua ZHAO Lipeng SUN +2 位作者 Gang LI Yun LIU Binbing LIU 《Frontiers of Optoelectronics》 EI CSCD 2020年第4期418-424,共7页
Text detection and recognition is a hot topic in computer vision,which is considered to be the further development of the traditional optical character recognition(OCR)technology.With the rapid development of machine ... Text detection and recognition is a hot topic in computer vision,which is considered to be the further development of the traditional optical character recognition(OCR)technology.With the rapid development of machine vision system and the wide application of deep learning algorithms,text recognition has achieved excellent performance.In contrast,detecting text block from complex natural scenes is still a challenging task.At present,many advanced natural scene text detection algorithms have been proposed,but most of them run slow due to the complexity of the detection pipeline and can not be applied to industrial scenes.In this paper,we proposed a CCD based machine vision system for realtime text detection in invoice images.In this system,we applied optimizations from several aspects including the optical system,the hardware architecture,and the deep learning algorithm to improve the speed performance of the machine vision system.The experimental data confirms that the optimization methods can significantly improve the running speed of the machine vision system and make it meeting the real-time text detection requirements in industrial scenarios. 展开更多
关键词 machine vision text detection optical character recognition(OCR) deep learning
原文传递
A Method for Detecting and Recognizing Yi Character Based on Deep Learning
12
作者 Haipeng Sun Xueyan Ding +2 位作者 Jian Sun HuaYu Jianxin Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第2期2721-2739,共19页
Aiming at the challenges associated with the absence of a labeled dataset for Yi characters and the complexity of Yi character detection and recognition,we present a deep learning-based approach for Yi character detec... Aiming at the challenges associated with the absence of a labeled dataset for Yi characters and the complexity of Yi character detection and recognition,we present a deep learning-based approach for Yi character detection and recognition.In the detection stage,an improved Differentiable Binarization Network(DBNet)framework is introduced to detect Yi characters,in which the Omni-dimensional Dynamic Convolution(ODConv)is combined with the ResNet-18 feature extraction module to obtain multi-dimensional complementary features,thereby improving the accuracy of Yi character detection.Then,the feature pyramid network fusion module is used to further extract Yi character image features,improving target recognition at different scales.Further,the previously generated feature map is passed through a head network to produce two maps:a probability map and an adaptive threshold map of the same size as the original map.These maps are then subjected to a differentiable binarization process,resulting in an approximate binarization map.This map helps to identify the boundaries of the text boxes.Finally,the text detection box is generated after the post-processing stage.In the recognition stage,an improved lightweight MobileNetV3 framework is used to recognize the detect character regions,where the original Squeeze-and-Excitation(SE)block is replaced by the efficient Shuffle Attention(SA)that integrates spatial and channel attention,improving the accuracy of Yi characters recognition.Meanwhile,the use of depth separable convolution and reversible residual structure can reduce the number of parameters and computation of the model,so that the model can better understand the contextual information and improve the accuracy of text recognition.The experimental results illustrate that the proposed method achieves good results in detecting and recognizing Yi characters,with detection and recognition accuracy rates of 97.5%and 96.8%,respectively.And also,we have compared the detection and recognition algorithms proposed in this paper with other typical algorithms.In these comparisons,the proposed model achieves better detection and recognition results with a certain reliability. 展开更多
关键词 Yi characters text detection text recognition attention mechanism deep neural network
下载PDF
A Method of Text Extremum Region Extraction Based on Joint-Channels
13
作者 Xueming Qiao Weiyi Zhu +4 位作者 Dongjie Zhu Liang Kong Yingxue Xia Chunxu Lin Zhenhao Guo Yiheng Sun 《Journal on Artificial Intelligence》 2020年第1期29-37,共9页
Natural scene recognition has important significance and value in the fields of image retrieval,autonomous navigation,human-computer interaction and industrial automation.Firstly,the natural scene image non-text conte... Natural scene recognition has important significance and value in the fields of image retrieval,autonomous navigation,human-computer interaction and industrial automation.Firstly,the natural scene image non-text content takes up relatively high proportion;secondly,the natural scene images have a cluttered background and complex lighting conditions,angle,font and color.Therefore,how to extract text extreme regions efficiently from complex and varied natural scene images plays an important role in natural scene image text recognition.In this paper,a Text extremum region Extraction algorithm based on Joint-Channels(TEJC)is proposed.On the one hand,it can solve the problem that the maximum stable extremum region(MSER)algorithm is only suitable for gray images and difficult to process color images.On the other hand,it solves the problem that the MSER algorithm has high complexity and low accuracy when extracting the most stable extreme region.In this paper,the proposed algorithm is tested and evaluated on the ICDAR data set.The experimental results show that the method has superiority. 展开更多
关键词 Feature extraction scene text detection scene text feature extraction extreme region
下载PDF
Scene text removal via cascaded text stroke detection and erasing
14
作者 Xuewei Bian Chaoqun Wang +3 位作者 Weize Quan Juntao Ye Xiaopeng Zhang Dong-Ming Yan 《Computational Visual Media》 SCIE EI CSCD 2022年第2期273-287,共15页
Recent learning-based approaches show promising performance improvement for the scene text removal task but usually leave several remnants of text and provide visually unpleasant results.In this work,a novel end-to-en... Recent learning-based approaches show promising performance improvement for the scene text removal task but usually leave several remnants of text and provide visually unpleasant results.In this work,a novel end-to-end framework is proposed based on accurate text stroke detection.Specifically,the text removal problem is decoupled into text stroke detection and stroke removal;we design separate networks to solve these two subproblems,the latter being a generative network.These two networks are combined as a processing unit,which is cascaded to obtain our final model for text removal.Experimental results demonstrate that the proposed method substantially outperforms the state-of-the-art for locating and erasing scene text.A new large-scale real-world dataset with 12,120 images has been constructed and is being made available to facilitate research,as current publicly available datasets are mainly synthetic so cannot properly measure the performance of different methods. 展开更多
关键词 scene text removal text stroke detection generative adversarial networks cascaded network design real-world dataset
原文传递
上一页 1 下一页 到第
使用帮助 返回顶部