?

CVTD:A Robust Car-Mounted Video Text Detector

2024-03-13 13:19DiZhouJianxunZhangChaoLiYifanGuoandBowenLi
Computers Materials&Continua 2024年2期

Di Zhou ,Jianxun Zhang,? ,Chao Li ,Yifan Guo and Bowen Li

1Department of Computer Science and Engineering,Chongqing University of Technology,Chongqing,China

2College of Information and Engineering,Jingdezhen Ceramic University,Jingdezhen,China

ABSTRACT 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.The code is publicly available at:https://github.com/DiZ-gogogo/CVTD.

KEYWORDS Deep learning;text detection;Car-mounted video text detector;intelligent driving assistance;arbitrary shape text detector

1 Introduction

Intelligent driving assistance algorithms are crucial research topics in the field of intelligent driving and academia.In the field of computer vision,object detection has always been one of the most important and popular foundational research topics,as highlighted by previous work [1].However,text detection poses a unique challenge,especially when it comes to text within Car-mounted videos.In complex road conditions,there is a wealth of textual information in Car-mounted videos that can significantly influence driver behavior and provide valuable clues [2].Therefore,extracting text information from Car-mounted videos can assist drivers in making informed decisions.

Compared to text detection in natural scenes,the dynamic road conditions in Car-mounted video scenes introduce additional complexity and are influenced by various factors.Detecting text in Carmounted videos is more challenging than that in natural street scenes.Car-mounted video images face the following difficulties due to objective factors from the Car-mounted cameras.(1)Distortion Phenomenon:The wide-angle capture of Car-mounted cameras leads to distortion at the edges of the image,causing deformation of the text content.(2) Shaking and Blurring: Pixel instability in Carmounted video images,caused by motion or weather conditions,results in increased blurriness of text content.As shown in Fig.1,PAN++[3]exhibits poor performance in detecting complex background text during motion.Our model,on the other hand,can accurately detect text,including smaller text lines.Our objective is to design a high-precision and real-time Car-mounted video text detector to address the challenges of text detection in Car-mounted videos.

Figure 1:The figure above shows the visual results of text detection for the“GT”(ground truth),PAN++[3],and CVTD models on the Car-mounted Video Text(CVT)dataset.“GT”refers to the visualized results under the ground truth labels

In recent years,deep learning algorithms for text detection in natural scenes have gradually matured,such as the PAN++[3] model,which is a simple yet efficient text detection model for natural scenes.However,there is still room for improvement in adapting these algorithms to the specific challenges posed by text detection in Car-mounted videos with dynamic road conditions.Fig.1 provides visual evidence supporting this assertion.

We introduce a robustCar-mountedVideoTextDetector (CVTD) that utilizes the lightweight ResNet18[4]model as the backbone for feature extraction.Lightweight backbone feature extraction networks exhibit good representational capacity,possess fewer parameters,and maintain a simple structure.To effectively capture the position and enhance the feature representation of text in images,we propose the Coordinate Attention Threshold Activation (CATA) module.Inspired by PAN++[3],we introduce the Feature Pyramid Enhancement Module(FPEM)to address the limited feature representation capabilities of lightweight backbone networks.By combining the FPEM with the CATA module,we design the Feature Pyramid Enhancement Fusion Module(FPEFM)to strengthen and fuse the extracted text features,increasing model depth.The FPEFM module is stackable,with a default configuration of two layers of stacking.Drawing inspiration from DBNet[5],the enhanced features are fed into a text detection post-processing stage,and we design a text activation head.The text activation head generates a Text Activation Map (TAM) to effectively separate text foreground and background information.Finally,pixel aggregation operations produce the text detection results for Car-mounted video analysis.

In summary,our main contributions can be summarized as follows:

? We proposed a Car-mounted video text detector that effectively combines text positional information and global feature information through the CATA module.This module,incorporated with skip connections in the network architecture,enhances the detection precision and speed of the model.

?The TAM we proposed can better separate the foreground and background of the text,solving the challenge of text segmentation in complex scenes.

?We collected a Car-mounted Video Text(CVT)dataset consisting of 2200 images with different texts.Our model was tested on the CVT dataset as well as four publicly available datasets,and it achieved competitive results.

2 Related Work

In recent years,there have been gradual developments in computer vision based text detection algorithms.The classic text detection algorithm,Connectionist Text Proposal Network (CTPN) [6],takes into consideration the characteristic that text often has a different aspect ratio compared to general object detection targets.When detecting text lines,the algorithm achieves this by detecting multiple text segments with a fixed width and then concatenates these detected segments to form a complete and larger text box.However,similar to general object detection,this algorithm represents text boxes as rectangles,resulting in poor performance when detecting curved or multi-oriented text.Subsequently,with the advancement of deep learning computer vision technologies,anchor-based and anchor-free text detection methods have been continuously proposed for applications such as natural scene text detection,license plate detection,and Car-mounted video text detection.Methods based on deep learning heavily rely on mathematical analysis techniques,such as [7,8],which play driving roles in artificial intelligence technology.In the future,these techniques can be applied to more text detection algorithms.

Some methods are based on anchor-based text detectors.The SegLink[9]text detection algorithm,by detecting local text segments multiple times,introduces angle information for text boxes.It concatenates multiple text segments based on certain rules,achieving good performance in detecting multi-oriented straight text and handling text lines of arbitrary lengths.However,the algorithm still struggles to effectively detect arbitrarily curved text and text lines with large spacing.Based on the general object detection algorithm SSD [10],the TextBoxes [11] algorithm targets the intrinsic characteristics of text lines and employs different scale bounding boxes to detect text lines of varying lengths and widths.It modifies the single-scale input to a multi-scale input.This algorithm achieves better results in detecting horizontal text lines but performs less effectively in detecting multi-oriented text lines.On the other hand,the TextBoxes++[12] algorithm makes further improvements by introducing quadrilateral regression,enhancing its performance in detecting multi-oriented straight text.The RRPN text detection algorithm,based on Faster R-CNN [13],proposes region proposals with rotation angles,demonstrating good detection performance for multi-oriented straight text.However,these anchor-based text detection algorithms,derived from or modified based on general object detection,face challenges in accurately representing the boundaries of text of arbitrary shapes.As a result,they exhibit lower detection precision for text of any curved shape.

Some methods are based on anchor-free text detectors.PSENet [14] addresses the limitations of anchor-based methods by adopting pixel segmentation.The model predicts the minimum text kernel and uses multi-scale text kernel expansion to gradually enclose the text lines.This method is effective in separating text lines of arbitrary curved shapes.However,the use of multi-scale expansion results in relatively complex post-processing,leading to lower text detection speed.Similarly based on pixel segmentation,PAN[15]proposes a cascaded feature enhancement structure to enhance the feature representation capability of lightweight backbone networks.The core idea involves using pixel aggregation algorithms to reconstruct the predicted text lines.The text detection algorithm DBNet[5]incorporates differentiable binarization operations into the segmentation model,enabling the adaptive prediction of text regions.During model inference,the differentiable binarization branch can be removed,simplifying complex post-processing operations and resulting in a faster detection speed.However,this algorithm exhibits lower text detection precision.PAN++[3] is a pixel segmentation method based on a text kernel that predicts the minimum text kernel and text regions,distinguishing different text instances through specific rules.While adopting the pixel segmentation approach improves the text detection precision of the model,there is still room for improvement in terms of text detection speed.DBNet++[16] introduces an adaptive scale fusion module,enhancing the model’s representational capabilities at the cost of sacrificing some text detection speed,leading to an improvement in text detection precision.ABPNet [17] utilizes a boundary proposal model to generate rough initial boundaries for text boxes and iteratively refines text boundaries during model training,ensuring accurate enclosures of text lines.However,the iterative process results in higher computational complexity and lower text detection speed.PSND [18] is a specialized model for detecting license plate numbers in parking spaces.Inspired by PAN++[3]and DBNet[5],it introduces cascaded feature enhancement modules and context attention blocks to address complex license plate detection issues,achieving good detection precision.However,this algorithm has a relatively narrow application scope.In comparison,our CVTD method is a lightweight text detection algorithm based on pixel segmentation.It can detect text instances of arbitrary shapes and exhibits superior generalization,detection precision,and model inference speed compared to other natural scene text detection methods.

3 Proposed Method

3.1 Overall Architecture

Our CVTD model is a deep learning approach based on pixel segmentation,designed to process single-frame images from Car-mounted videos,as depicted in Fig.2.It utilizes the lightweight ResNet18[4]backbone network for image feature extraction.ResNet18 is a lightweight deep learning architecture with a residual network structure,allowing the model to perform fast inferences and providing certain image feature extraction capabilities for Car-mounted video text detection.The features extracted through the ResNet18 backbone network include the conv2,conv3,conv4,and conv5 layers,resulting in shallow feature maps with different resolutions,representing the original input image at 1/4,1/8,1/16,and 1/32 resolutions,respectively.To address the limitations in feature extraction and model representation capacity of the ResNet18 backbone network,we enhance these shallow feature maps.This enhancement is achieved by stacking two layers of Feature Enhancement Fusion Modules(FPEFM).The CATA module is employed to extract text features corresponding to the shallow feature maps at four different resolutions,as detailed in Fig.3.The extracted text features are then integrated into the FPEFM module,as depicted in Fig.4,which takes the output of the CATA module and the shallow features before enhancement.Consequently,it continuously enhances the model’s representational capacity and integrates both local and global text features.The entire CATA module incorporates a residual skip-connection structure,effectively preventing degradation in the model’s feature representation capability due to excessive network stacking.Through the combined effects of the FPEFM and CATA modules,our CVTD model simultaneously strengthens shallow features and integrates text features during the feature enhancement process.After multiple stackings of FPEFM modules,the enhanced features are upsampled to a unified 1/4 resolution and concatenated.This concatenated feature is then input into the post-processing stage of Car-mounted video text detection.CVTD feeds the concatenated features into the text detection head and text threshold activation head.Inspired by the PAN++[3]model,the Text Detection Head generates text kernels,text regions,and instance vectors.The Text Activation Head produces a text threshold map,effectively separating text and non-text regions.The text threshold map and the text kernel,both being single-channel feature maps,are element-wise added.Finally,the text detection output is obtained through Pixel Aggregation(PA)[3]operation,merging the outputs of the text detection head and text threshold activation head to achieve the final output of Car-mounted video text detection.

Figure 2:The overall architecture of the CVTD model.ResNet18 is employed as the backbone for feature extraction.The“Reducing Channel”step is utilized to standardize the number of feature channels to 128.Shallow features undergo text feature extraction through the CATA module,as detailed in Section 3.2.The FPEFM module enhances and integrates text features,as described in Section 3.3.Black arrows denote the forward computation of the model,while red dashed lines indicate the gradient back propagation during training

Figure 3:Detail presentation of CATA module.CATA is an adaptive module for text feature extraction.CATA takes inputs of four different resolutions,enabling the backbone shallow feature maps to be more focused on the text regions after passing through the CATA module.“Concat”indicates channel concatenation.“TA”represents the Threshold Activation operation.“Re-weight”signifies the reassignment of feature map weights

Figure 4:Detailed presentation of the FPEFM model.In this context,“Concat”represents the operation of concatenating the feature maps from the CATA module output and the first-stage output of the FPEFM module along the channel dimension

During the model inference stage,we input a car-mounted video image of sizeH×W×3(see Fig.2A) into the lightweight ResNet18 [4] backbone network (see Fig.2B).The backbone network generates four shallow feature maps with resolutions of 1/4,1/8,1/16,and 1/32 of the input image.These feature maps are then processed through 1×1 convolution to uniformly reduce the number of channels to 128(see Fig.2C),ensuring that different-scale feature maps contain diverse image features.In the process of feature enhancement and fusion of text position information,the shallow features undergo two CATA(see Fig.2D)modules and two stacked FPEFM(see Fig.2E)modules based on residual skip connections.The output of CATA,which extracts local text features and global position information,becomes part of the input to FPEFM for feature enhancement fusion.The output of the first enhanced features from the FPEFM module becomes the input for the second round of feature enhancement.Finally,the enhanced features are upsampled to the 1/4 size resolution of the input image,resulting in a final feature map with dimensionsH/4 ×W/4 × 512 (see Fig.2G).After text detection post-processing,the final output of Car-mounted video text lines is obtained,assisting in driver decision-making.

3.2 Coordinate Attention Threshold Activation

In the current advanced text detection networks for natural scenes,models employing Transformer Encoder-Decoder structures with position embedding during backbone feature extraction are commonly used.However,the extraction and embedding of position information during feature enhancement are not considered.After the introduction of Coordinate Attention(CA)[19],it has been proven that such operations can make the model pay more attention to position information,which is crucial for text detection in Car-mounted videos.

Therefore,we proposed the Coordinate Attention Threshold Activation (CATA) module for incorporating positional information during feature enhancement in text detection,effectively improving the model’s representational capacity.The CATA module receives shallow features extracted from the ResNet18 backbone network,with resolutions of 1/4,1/8,1/16,and 1/32.The CATA structure is illustrated in Fig.3,assuming an input resolution of 1/4 for the feature map.The feature map undergoes horizontal pooling (X-axis) and vertical pooling (Y-axis).The pooled feature maps are concatenated and processed through convolution fusion to extract sensitive and relevant features of interest.For a high-resolution feature map of size 1/4,CATA focuses more on local features,while for a low-resolution feature map of size 1/32,CATA emphasizes the global features of the text.After the extracted features of interest go through the Threshold Activation(TA)operation,sensitive text features are amplified,and the features undergo element-wise addition.Furthermore,the extracted text features are further enhanced in both directions.This is achieved through Conv2d convolution and Sigmoid activation.The Re-weight operation weights the original input feature map,producing high-resolution feature maps for local text features and low-resolution feature maps for global text features.The output of the CATA module serves as the input to the FPEFM module,as depicted in Fig.4,continuously strengthening the model’s representational capacity and enhancing the text detection capabilities in Car-mounted videos.

The calculation process of the CATA module is as follows:

Assuming the given input to the CATA module is a shallow feature map obtained from the feature extraction backbone network,where the resolution of the shallow feature map isC×W×H.Here,Crepresents the number of channels in the input feature map,Wis the width of the image,andHis the height of the image.Encoding is performed for each channel along the horizontal and vertical directions using a pooling kernel of size(H,1)or(1,W).In Eq.(1),Hdenotes the height ofxc,Wand denotes the width ofxc.xc(h,i)represents the encoding of the pixel pointxrepresenting the shallow feature along channel C and heighthin the feature map.is the output of theCth channel with heightHcan be written as:

xc(j,w)represents the encoding of the pixel pointxrepresenting the shallow feature along channel C and heightwin the feature map andis the output of theCth channel with widthWcan be written as:

After processing according to Eqs.(1) and (2),the shallow input features obtain corresponding features along the horizontal and vertical directions,forming a pair of text-sensitive feature maps.Subsequently,the feature maps from both directions are concatenated together and input into a convolutional module with a shared 1×1 convolutional kernel,facilitating the fusion of text features in both horizontal and vertical directions.This fusion process reduces the channel dimension to the originalC/r.Here,ris a scaling factor.After applying the Sigmoid activation function to the fused feature map,a text-sensitive feature mapfwith a resolution ofC/r×1×(W+H)is obtained.

To further enhance the textual features of the feature mapf,the feature mapfis input into the Threshold Activation(TA)module.The TA operationTactivates the threshold of the feature mapf,highlighting the textual features.The activated feature mapT0.1(f)is then added to the original feature mapfelement-wise,resulting in the enhanced feature mapt.The default threshold for text activation is set to 0.1.

Afterward,the feature maptis further enhanced in both directions through a 1×1 convolution,resulting in feature mapsFhandFw.After applying theσactivation function,attention weightsghin the height direction andgwin the width direction are obtained.The Re-weight operation then weights the original input feature map,producing the output of the CATA module.

Finally,xc(i,j)is the input shallow feature map withCchannels,and after the above steps,the output is obtained asyc(i,j).The outputyc(i,j)of the CATA can be written as follows:

The feature map extracted by CATA,containing text-local features and global position information,serves as one of the inputs to the FPEFM feature enhancement and fusion module in the fusion stage.

3.3 Feature Pyramid Enhancement Fusion Module

The Feature Pyramid Enhanced Fusion Module(FPEFM)(see Fig.2E)and the CATA module together form the basic unit of the Feature Enhancement Network,as shown in Fig.4.

FPEFM is a Feature Enhancement and Fusion Module that effectively extracts features from Car-mounted video images,enhancing the model’s representational capacity.The input to FPEFM consists of two parts:the output of the CATA module,which extracts local text features and global text position information,and the shallow features from the backbone network.The FPEFM module initially iteratively enhances the pyramid structure of the original image resolution by 1/4,1/8,1/16,and 1/32.The first step is the Feature Self-Enhancement stage,where the pyramid’s resolution is enhanced from 1/32 to 1/4,and it is element-wise added to the shallow feature map.The Down-Scale pyramid stage enhances the resolution from 1/4 to 1/32 and is element-wise added to the Up-Scale pyramid stage.The second step is the Fusion stage,where the self-enhanced feature maps are fused with the output of CATA,which extracts local text features and global position information.With the help of the residual skip-connection structure in CATA (see Fig.2D),FPEFM can adaptively optimize the optimal feature enhancement fusion structure,thereby adapting to enhance the model’s feature representation capability.The CVTD model predicts the text activation map through the text activation head.The structure of the text activation head is illustrated in Fig.5.A stronger feature enhancement capability of FPEFM facilitates easier separation of the text activation map into foreground and background components.We experimented with the stacking layers of FPEFM and found that setting it to two layers achieves a balance between Car-mounted video text detection accuracy and inference speed.Therefore,in our experiments,we default to using a two-layer stacked FPEFM structure.Experimental results are presented in Table 1 and Fig.6.

Table 1:Results at CVT and ICDAR2015,stacking different FPEFM layers.The number of experimental stacks is 1–4.“#FPEFM”stands for FPEFM module set the number of stacking 1–4 experimental results.The input size for both datasets is 896×896×3,respectively

Figure 5:Convolution process of text activation map.“BN”stands for batch normalization.“CBR”is a combination of“3×3 Conv 2d”,“BN”,and“ReLU”operations.The“1×1 Conv”is utilized to reduce the number of channels in the enhanced feature map,thereby reducing computational load.The“Sigmoid”activation function is applied to activate the text region

Figure 6:Feature pyramid enhancement fusion module (FPEFM) stacking layers’impact on the visualization results for the CVT and ICDAR2015 datasets

3.4 Text Activation Map

The input image undergoes feature extraction and fusion of text features,resulting in the final enhanced feature map,as illustrated in Fig.2K.The enhanced feature map has 512 channels.To further fuse features,a series of CBR operations are applied,where CBR comprises a set of operations including 3×3 convolution,Batch Normalization(BN),and ReLU activation.This process is followed by a 1×1 convolution to obtain a feature map with 128 channels,reducing the computational load for model post-processing.The fused feature map is then fed into the model’s text activation head.The text activation head undergoes three sets of CBR operations,followed by 1×1 convolution and a Sigmoid activation function.Eventually,a single-channel text activation map is obtained(see Fig.2K).The Text Activation Map enhances the text regions in Car-mounted video,effectively distinguishing complex text backgrounds.The TAM module exhibits good generalization capabilities for different scenarios,such as rainy weather,nighttime conditions,motion-induced blurriness,and situations where illumination causes minimal contrast differences in the images.The model inference process for the Text Activation Map is illustrated in Fig.5.Threshold activation is employed during the generation of the Text Activation Map,effectively extracting text regions of interest from the model and demonstrating resistance to background interference.The generated Text Activation Map is highly sensitive to text content,and pixel aggregation is used to improve text line detection performance.Additionally,the information in the Text Activation Map is fused with the text kernels generated by the text detection head (see Fig.2J) through pixel-wise addition.Through optimization in the loss function,the text detection head and text activation head complement each other,enabling the CVTD model to effectively represent text lines of arbitrary shapes.

3.5 Loss Function

The loss functionLdetof our CVTD model can be written as:

whereLtexis the loss for predicting the text region by the model.Lker_tamis the loss computed by the element-wise addition of the text activation map and the text kernel,continuously separating the text region from the non-text region.irepresents the pixel point in the input feature map.Laggloss is used for aggregating the detected text pixels.To balance the importance amongLtex,Lker_tam,Lagg,andLdis,hyper-parametersαandβare set to 0.6 and 0.25,respectively,in all experiments.The text regionPtexand the result of the element-wise addition of the text kernel and the text activation map,denoted asPker_tam,are supervised using the Dice loss.Thus,the mathematical expressions forLtexandLker_tamcan be expressed as:

wherePtex(i)andGtex(i)represent the predicted value and ground truth label,respectively,for pixeliin the text region segmented by the model.Similarly,Pker_tam(i)andGker_tam(i)represent the predicted value and ground truth label,respectively,for pixeliin the element-wise addition of the text kernel and the text activation map segmented by the model.To cluster different text lines in Car-mounted videos,it is necessary to increase the gap between classes and reduce the intra-class gap.This is achieved by minimizing the distance between pixels within the same text line and pixels from different text lines.The aggregation loss is used to achieve aggregation for each text line,separating different text lines.The mathematical expression is as follows:

In Eq.(11),Nrepresents the number of text lines.Tirepresents the text region of thei-th text line.KTirepresents the sum of the text kernel and the text activation map of the text lineTi.D1(p,KTi)represents the distance between the text pixelpand the sum of the text kernel and the text activation mapKTi.In the post-processing stage of the model’s text detection,the intra-class aggregation of pixel information for Car-mounted video text lines requires separating the instance vectors of text instances from different lines in complex road backgrounds,achieved through the following equation:

In Eq.(12),Db(KTi)represents the distance between the sum of the text kernel and the text activation mapKTiand the background.D2(KTi,KTj)represents the distance between the sum of the text kernel and the text activation mapKTiand the sum of text kernel and the text activation mapKTj.

4 Experiment

We first introduced our Car-mounted Video Text(CVT)dataset.Furthermore,we evaluated and compared the proposed methods on the CVT dataset and four standard benchmark datasets for natural scene text detection.

CVT:To validate the effectiveness of the proposed method,we selected a Car-mounted video dynamic road condition dataset from the PaddlePaddle platform.We then performed data augmentation and annotation to create a Car-mounted Video Text dataset containing different road conditions.The datasets were annotated using the same format as ICDAR2015.To make the CVT dataset better fit real-world scenes,the data augmentation methods applied to this training data include:(1)random brightness and contrast adjustment,(2) random rotation,and (3) random rotation combined with brightness and contrast adjustment.We randomly split the dataset into 1,540 training images and 660 testing images.

SynthText[20],where the text in the images is synthetic,comprises 800,000 training images.The dataset offers various annotation formats,with each text instance annotated using text strings,wordlevel bounding boxes,and character-level bounding boxes.There are approximately 8 million synthetic word instances.Consequently,this dataset is utilized as a pre-training dataset for natural scene text detection.

Total-Text[21] is a benchmark dataset of arbitrarily curved shapes,comprising 1,225 training images and 300 test images.It includes different text instances with horizontal,slanted,and curved orientations.This dataset provides detailed annotations,including polygon annotations and word-level annotations.

CTW1500[22]is also a benchmark dataset of arbitrarily curved shapes,with more text instances.It consists of 1,000 training images and 500 test images.This dataset provides a large number of cropped images of arbitrarily curved text instances and serves as a benchmark for detecting both horizontal and multi-oriented text.

ICDAR2015[23]is a multi-oriented straight text dataset where the annotated text regions provide detailed word-level annotations.The dataset consists of a total of 1,500 images,comprising 1,000 training images and 500 test images.Sourced from natural street scenes,this dataset is widely used as a benchmark for natural scene text detection.

MSRA-TD500[24]is a classic dataset for multi-oriented straight text,including both Chinese and English text with line-level annotations.It consists of only 500 natural scene images(300 for training and 200 for testing).Due to its relatively small training set,theHUST-TR400[25]dataset,comprising 400 images,is used as additional supplementary data.

4.1 Implementation Details

To evaluate the generalization ability of our model,we conducted experiments on the CVT dataset and four challenging public datasets:CTW1500[22]and Total-Text[21]datasets,which contain text of arbitrary shapes,and ICDAR15[23]and MSRA-TD500[24]datasets,which contain text in multiple orientations.Our CVTD model was pre-trained on the SynthText[20]dataset and then fine-tuned.All models were trained using the SGD optimizer on a single A6000 GPU.The initial learning ratelrinitialwas set to 1×10-3,and the learning rate adjustment strategy was as follows.Whereiterrepresents the current iteration number,andmax_iterrepresents the maximum iteration number.Through learning rate iteration reduction,the model fluctuation gradually decreases.

4.2 Experiment of the Stack Number of FPEFMs

By varying the stacking layers of FPEFM from 1 to 4,we conducted experiments to observe and analyze the impact of stacking layers on the final detection performance and speed.As shown in Table 1,in the CVT dataset,Precision increases with the number of stacks,especially with two stacks,yielding the highest Recall.F-measure is highest with four stacks.As the number of stacks increases,FPS decreases gradually.We found that on the publicly available ICDAR2015 dataset,the Precision increases with the increase in stacking layers,while Recall and F-measure achieve the highest scores when the stacking layers are set to 2.However,the frames per second decrease with the increase in stacking layers.To balance the detection precision and speed of the CVTD model,our experiments default to setting the stacking layers to 2.

4.3 Ablation Study

To verify the effectiveness of CATA and TAM,we compared the performance of Car-mounted Video Text(CVT)detection before and after introducing these two modules in the detection network architecture.Ablation studies were performed on CVT,Total-Text[21]and ICDAR2015[23]datasets to demonstrate the validity of our proposed CATA and TAM modules.Detailed experimental results of CVT dataset are shown in Table 2.Table 3 displays the comparative experimental results of the CVT dataset.Detailed experimental results of Total-Tex and ICDAR2015 datasets are shown in Table 4.

Table 2:Detection results on CVT.The detection results were obtained using different settings of CATA and TAM.“CATA”represents coordinate attention threshold activation,“2FPEFMs”means stacking two layers of FPEFM modules,and“TAM”represents text activation map,respectively

Table 3:Text detection results on CVT.“Scale”indicates the scale of the test image,where“L”indicates that the long side is fixed,and“S”indicates that the short side is fixed.“P”,“R”,and“F”indicate precision,recall,and F-measure,respectively

Table 4:Detection results on ICDAR2015 and total-text.The detection results were obtained using different settings of CATA and TAM.“CATA”represents coordinate attention threshold activation,“2FPEFMs”means stacking two layers of FPEFM modules,and“TAM”represents text activation map.“P”,“R”,and“F”represent precision,recall,and F-measure,respectively

Effectiveness of CATA:To integrate text position information and global modeling information using a lightweight feature extraction network,we use the CATA module to extract text position information and enhance global feature representation.We visualized the extraction of text features by the CATA module on the CVT,Total-Text,and ICDAR2015 dataset,demonstrating the effectiveness of CATA’s sensitivity to text features.The visualization results of the CATA module for feature maps of different resolutions are shown in Fig.7.

Figure 7:We utilize the class activation map(CAM)technique to visualize the four differently sized features input into the CATA module.It can be observed that with the use of CATA,the CVTD model focuses more on local text features in the 1/4 resolution feature map.The 1/32 resolution feature map pays more attention to the global positional features of the text

The CATA module takes as input shallow feature maps of different resolutions (1/4,1/8,1/16,and 1/32) obtained from ResNet18.For the high-resolution feature map with a size of 1/4,CATA focuses more on local features.For low-resolution feature maps with sizes 1/8 and 1/16,CATA shifts its attention from local to global text features.Finally,for the low-resolution feature map with a size of 1/32,CATA emphasizes global text features.The information extracted by CATA is fused into the FPEFM feature enhancement module.As shown in Table 2,when our model integrates text position information and global information,CATA improves the F-measure by 1%.As shown in Table 4,on the other two publicly available datasets ICDAR2015 [23] and Total-Text [21],CATA improves the F-measure by 0.5% and 0.8%,respectively.As shown in Table 3,compared with other methods,our model achieves the best performance in terms of Precision and F-measure.

Effectiveness of TAM:Due to the special characteristics of text pixels,the ability to effectively determine the category to which a text belongs,the text area,or the non-text area is key to detecting text.The text activation map generated by the text activation head,specifically the TAM module,can effectively enhance the Precision of the model’s detection.By using a text activation map to enhance the perception of text regions,we can separate text foreground and background information.As shown in Table 2,our model’s designed TAM module improves F-measure by 1.5% on the CVT dataset.As shown in Table 4,on the publicly available datasets ICDAR2015[23]and Total-Text[21],the F-measure is improved by 0.8% and 0.1%,respectively.On the CVT dataset,when both modules were introduced into our model,the F-measure improved by 1.9%.As shown in Table 3,our method achieves better results.

4.4 Evaluation on CVT

We conducted experiments on the CVT dataset to verify the effectiveness of our proposed method.Our method achieves high Precision,Recall,and F-measure in detecting Car-mounted video text while maintaining real-time detection speed.The detailed experimental results are shown in Table 3.We also provide visual comparisons with several excellent algorithms,as shown in Fig.8.Our approach achieved the highest precision and F-measure values,as well as real-time detection speed.At a scale size of 896,we achieved a Precision of 81.6%,an F-measure of 80.1%,and an inference speed of 33.6 frames per second(FPS).Under the same experimental settings,compared to PAN++[3],our method outperformed with a 1.2% higher Precision,3% higher Recall,and 2.1% higher F-measure.Fast,a network architecture that was carefully designed for text detection,achieved 0.2% higher Recall than our method.However,our method outperformed Fast[26]in terms of detection speed,precision,and F-measure.When setting the scale size to 896,the maximum detection speed reached 48.6 FPS,which is sufficient for real-time detection of text in industrial applications such as Car-mounted video.

Through the analysis of the visual results of the CVTD model and other algorithms on the CVT dataset,as shown in Fig.8,our model can accurately detect Car-mounted video text in nighttime scenes.There is no“truncation”phenomenon in the detection of text lines compared to the PAN++[3] model,as shown in the detection results of the PAN++model in the second row of Fig.8.For distorted images(shown in the third row of Fig.8),scenes with strong light(shown in the fourth row of Fig.8),and rainy scenes(shown in the fifth row of Fig.8),our model can accurately detect text of various shapes.

Figure 8:The qualitative comparison results on the challenging CVT dataset include PAN++[3],DBNet[5],Fast[26],and our CVTD model

4.5 Comparison with Other Methods on the Benchmark Datasets

To validate the generalization ability of our model,we conducted experiments not only on our CVT dataset but also on multiple publicly available benchmark datasets for text detection in natural scenes.We also visualized the detection results for each dataset.The visualization of detection results on the Total-Text[21]and CTW1500[22]dataset are shown in Fig.9,and the visualization of detection results on the ICDAR2015 [23] and MSRA-TD500 [24] dataset are shown in Fig.10.Experimental analysis was conducted on the influence of stacking layers of FPEFM on the ICDAR2015[23]dataset and the detection numerical results of the stacking layers were visualized,as shown in Fig.6.Through experiments,when testing on four publicly available dataset,FPEFM had a default stacking layer of 2.

Curved text detection:We conducted experiments on two curved text datasets with our model,as shown in Table 5.Our method achieved an F-measure of 85.5% on the Total-Text[21]dataset,which is a 1.2% improvement compared to the PSND[18]method.On the CTW1500 dataset,our method achieved an F-measure of 84.1%,which is a 0.7% improvement over PSND[18].Moreover,our method can maintain real-time detection speed.The CVTD model demonstrates high competitiveness on benchmark datasets containing arbitrarily curved text.We visualized the results on these two datasets,as shown in Fig.9,indicating the model’s ability to accurately describe text lines.

Table 5:Text detection results on total-text and CTW1500.Methods with“?”are collected from[3].“Scale”indicates the scale of the test image,where“L”indicates that the long side is fixed,and“S”indicates that the short side is fixed

Figure 9:The detection visualization results of total-text [21] and CTW1500 [22],both of which are curved text datasets in natural scenes

Figure 10:The detection visualization results of ICDAR15[23]and MSRA-TD500[24],both of which are Multi-directional straight text datasets in natural scenes

Multi-oriented text detection:We evaluated our model on the ICDAR2015 [23] and MSRATD500 [24] dataset to test its capability for detecting multi-oriented text.As shown in Table 6,it can be seen that our detection results in both datasets have improved the F-measure compared to the DBNet++[16],with a 1% improvement in ICDAR2015[23]and a 1.4% improvement in MSRATD500[24].Compared with other recent algorithms,our method has also achieved competitive results.The detection speed of our method is slightly slower than DBNet[5]but higher than other methods.The CVTD model also demonstrates high competitiveness on benchmark datasets containing multioriented straight text.We visualized the results on these two datasets,as shown in Fig.9.The model maintains high performance in detecting text even in complex scenarios with background interference,such as street scenes.

Table 6:Text detection results on ICDAR15 and MSRA-TD500.Methods with“?”are collected from [3].“Scale”represents the scale of the test image,where“L”represents the long side is fixed,“S”represents the short side is fixed,“MS”represents the multi-scale test,and“Max”indicates the maximum size for scale

4.6 Limitation

Our model still has some shortcomings in text detection,especially in images with certain semantic text and too much background noise,as shown in Fig.11.We will focus on addressing these difficulties in the future.

Figure 11:Failure samples

5 Conclusions

This paper proposed a new Car-mounted video text detector that uses a lightweight ResNet18[4]backbone network,making the model very fast in detecting text.Considering the limited extraction capability of the backbone feature extraction network,we proposed the CATA module.The CATA module extracts text features from the input feature maps of four different resolutions.For highresolution input feature maps,CATA focuses more on local features.For low-resolution feature maps,CATA pays more attention to the global features of the text.Visualizing the output of the CATA module on the CVT,ICDAR2015,and Total-Text datasets demonstrates its effectiveness in extracting text position information and global information.The output of CATA is integrated into the feature enhancement process of the FPEFM module.FPEFM efficiently strengthens features and incorporates text features,continuously enhancing the model’s feature representation capability.The enhanced features are then fed into the text detection head and text activation head,utilizing TAM to separate text foreground and background information.In this process,we also constructed a Car-mounted Video Text(CVT)dataset to evaluate the text detection performance of our proposed Car-mounted Video Text Detector.Experimental results show that the CVTD model achieves the highest Precision,F-measure,and inference speed.The model demonstrates strong text detection capabilities for image distortion,strong light scenarios,and rainy weather scenes.Through generalization performance testing on four public ly available benchmark datasets (Total-Text,CTW1500,ICDAR2015,and MSRA-TD500),the CVTD model exhibits strong competitiveness.Therefore,our proposed CVTD model is a novel,specialized,and efficient Car-mounted video text detection method.CVTD is also a text detector for arbitrary shapes in natural scenes.Its high inference speed enables application in realworld industrial scenarios,contributing to the development of advanced driver-assistance systems.

Acknowledgement:We sincerely appreciate the valuable comments from the editors and every reviewer.Their insights have significantly improved the work presented in this paper,and it is thanks to their professionalism that the quality of the journal has been elevated.

Funding Statement:This work is supported in part by the National Natural Science Foundation of China (Grant Number 61971078),which provided domain expertise and computational power that greatly assisted the activity.This work was financially supported by Chongqing Municipal Education Commission Grants for Major Science and Technology Project(KJZD-M202301901)and the Science and Technology Research Project of Jiangxi Department of Education(GJJ2201049).

Author Contributions:The authors confirm contribution to the paper as follows:Di Zhou completed the model design,experiments,and paper writing.Jianxun Zhang supervised the entire project.Chao Li validated and analyzed the model.Yifan Guo collected data and performed data analysis.Bowen Li debugged the code and analyzed the model’s inference speed.

Availability of Data and Materials:The data that support the findings of this study are available from the corresponding author,Jianxun Zhang,upon reasonable request.

Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

91香蕉高清国产线观看免费-97夜夜澡人人爽人人喊a-99久久久无码国产精品9-国产亚洲日韩欧美综合