Next Article in Journal
IoT Privacy Risks Revealed
Next Article in Special Issue
3D Data Processing and Entropy Reduction for Reconstruction from Low-Resolution Spatial Coordinate Clouds in a Technical Vision System
Previous Article in Journal
Fast Finite-Time Observer-Based Event-Triggered Consensus Control for Uncertain Nonlinear Multiagent Systems with Full-State Constraints
Previous Article in Special Issue
Lossless and Near-Lossless Compression Algorithms for Remotely Sensed Hyperspectral Images
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

(HTBNet)Arbitrary Shape Scene Text Detection with Binarization of Hyperbolic Tangent and Cross-Entropy

School of Remote Sensing and Information Engineering, Wuhan University, Wuhan 430072, China
Entropy 2024, 26(7), 560; https://doi.org/10.3390/e26070560
Submission received: 12 May 2024 / Revised: 22 June 2024 / Accepted: 26 June 2024 / Published: 29 June 2024

Abstract

:
The existing segmentation-based scene text detection methods mostly need complicated post-processing, and the post-processing operation is separated from the training process, which greatly reduces the detection performance. The previous method, DBNet, successfully simplified post-processing and integrated post-processing into a segmentation network. However, the training process of the model took a long time for 1200 epochs and the sensitivity to texts of various scales was lacking, leading to some text instances being missed. Considering the above two problems, we design the text detection Network with Binarization of Hyperbolic Tangent (HTBNet). First of all, we propose the Binarization of Hyperbolic Tangent (HTB), optimized along with which the segmentation network can expedite the initial convergent speed by reducing the number of epochs from 1200 to 600. Because features of different channels in the same scale feature map focus on the information of different regions in the image, to better represent the important features of all objects in the image, we devise the Multi-Scale Channel Attention (MSCA). Meanwhile, considering that multi-scale objects in the image cannot be simultaneously detected, we propose a novel module named Fused Module with Channel and Spatial (FMCS), which can fuse the multi-scale feature maps from channel and spatial dimensions. Finally, we adopt cross-entropy as the loss function, which measures the difference between predicted values and ground truths. The experimental results show that HTBNet, compared with lightweight models, has achieved competitive performance and speed on Total-Text (F-measure:86.0%, FPS:30) and MSRA-TD500 (F-measure:87.5%, FPS:30).

1. Introduction

Krizhevsky [1] and LeCun [2] designed convolutional neural networks, which laid the foundation for modern deep learning. There have been great achievements, especially in computer vision, such as 3D vision [3,4] and automatic vision [5]. Recently, deep-learning-based [6,7,8] methods of scene text detection [9,10] have made rapid progress due to their wide range of practical applications such as license plate recognition [11], automatic driving [12], smart city [13] and password guessing [14]. Scene text detection [15,16] can be regarded as a special kind of object detection task [17,18,19] due to the following aspects: (1) Compared with general object detection, text in scenes has the characteristics of arbitrary shape, which is hard to be detected by a rectangular box. (2) In the meantime, scene text is always with various fonts and colors, so it is more complex than object detection. Therefore, scene text detection has always been a challenging task.
Generally speaking, scene text detection is mainly divided into three methods based on regression, component, and segmentation. Among them, the regression-based scene text detection methods greatly draw on the method of general object detection. By presetting or generating a large number of proposal boxes of different sizes and shapes at different positions in the image, the regression-based models obtain the bounding boxes containing text instances through training parameters and finally adjust the shape and position of the bounding boxes to obtain the final text area. The regression-based scene text detection method network model has no complex post-processing reasoning speed, but its detection accuracy is generally inferior to the segmentation method.
Component-based scene text detection methods disassemble text into individual components and then use relational inference to assemble the scattered components into characters. Component-based methods work well for long text, despite a relatively high loss in disassembly and reassembly.
Segmentation-based scene text detection methods are pixel-level classification and post-processing, which can more accurately describe scene text of arbitrary shape and irregular arrangement. However, most of the existing segmentation-based scene text detection methods [20,21,22,23,24,25] require complex post-processing. On the one hand, the inference speed is slow, making it difficult to be used in industrial applications. On the other hand, the post-processing operation is independent of the training process, which greatly reduces the detection performance of the network. The differentiable binary network model [26] in the early stage successfully solved this problem. The post-processing operation was integrated into the training process, and the overall training and optimization were carried out, which greatly improved the detection performance of the network and achieved SOTA at that time. However, the convergence speed of the model is slow. At the same time, the sensitivity to features in different channels and scales is lacking, so it is easy to miss texts of different scales.
Aiming at the above-mentioned two problems, we contrive the text detection Network with Binarization of Hyperbolic Tangent (HTBNet). Specifically, we design the Binarization of Hyperbolic Tangent (HTB), which greatly improves the convergence speed. At the same time, the Multi-Scale Channel Attention (MSCA) and Fused Module with Channel and Spatial (FMCS) are proposed. For feature maps in different scales, the features of the two dimensions in channel and spatial are integrated to further improve the detection performance. Due to different channels of feature maps at the same scale focusing on different object regions, the MSCA module assigns different weights to different channels and adds to the network training process to adjust and optimize. Objects of different scales in an image are difficult to simultaneously and sufficiently detect, and so FMCS combines features of different scales, which improves the sensitivity of feature scales, and can obtain both backbone and detail features. Combining the above two modules makes the detection performance better.
In summary, our main contributions are three-fold:
  • We propose the Binarization of Hyperbolic Tangent (HTB), leading the convergence speed during training from 1200 epochs to 600 epochs.
  • We design the cross-entropy loss function, which is differentiable, enabling the use of optimization algorithms such as gradient descent to minimize the loss function.
  • We contrive the Multi-Scale Channel Attention (MSCA) and the Fused Module with Channel and Spatial (FMCS), which interfold features from different scales in channel and spatial. Our method achieves outstanding results on Total-Text and MSRA-TD500 benchmarks.

2. Related Work

With the rapid development of deep learning [2,27,28,29,30,31,32], scene text detection has also made great progress both in the academic and industrial fields. Generally speaking, deep-learning-based text detection methods can be subdivided into three categories: regression-based methods, component-based methods, and segmentation-based methods.

2.1. Regression-Based Methods

Regression-based [33,34,35,36,37,38] methods usually enjoy simple post-processing algorithms (e.g., non-maximum suppression [39]). However, most of them are limited to representing accurate bounding boxes for irregular shapes, such as curved shapes. For example, EAST [38] consisted of two stages. In stage one, a fully convolutional network extracted text regions. In stage two, non-maximum suppression [39] (NMS) was used to remove unsuitable text predictions. It could detect text at any orientation and its speed was very fast. But its accuracy was not particularly high. To improve accuracy, there was MSR [37], which was an evolved version of EAST. It introduced a multi-scale network and a novel shape regression technique for predicting dense text boundary points. These boundary points enabled the precise localization of scene text with different orientations, shapes, and lengths. There are another series of methods that are based on improvements to SSD [40], such as TextBoxes [34], TextBoxes++ [33], and DMPN [35]. TextBoxes [34] drew inspiration from the SSD [40] (Single Shot MultiBox Detector) for text detection. It modifies the SSD architecture by replacing fully connected layers with convolutional layers and adapting the convolutional kernel size 3 × 3 to 1 × 5 to handle text detection better, considering the different aspect ratios of text compared to general objects. Additionally, TextBoxes used a different set of default box aspect ratios compared to SSDs, typically incorporating ratios like 1, 2, 3, 5, 7, and 10 to account for the wide variety of text aspect ratios. It employed a single deep neural network for both text detection and character-level regression, enabling efficient and fast text detection. TextBoxes [34] could only detect horizontal text, while TextBoxes++ [33] extended this capability to detect multi-oriented text. This improvement involved the following three key changes: (1) Aspect Ratios of Default Boxes: the aspect ratios of the default boxes were modified to include 1, 2, 3, 5, 1/2, 1/3, and 1/5, enabling the detection of text with different aspect ratios. (2) Convolutional Kernel Size: the 1 × 5 convolutional kernel was changed to 3 × 5 for generating text box layers, which helped improve text detection. (3) Multi-Oriented Text Box Output: TextBoxes++ was designed to output multi-oriented text boxes, allowing it to detect text at various angles. Another method based on SSDs was DMPN [35], which was designed for horizontal text detection. DMPN [35] achieved multi-oriented text detection by learning the position information of four points relative to multi-oriented anchors. ATTR [36] was based on the Faster R-CNN [31], a classical regression-based text detection method. ATTR [36] was a two-stage text detection method. The first stage was similar to Faster R-CNN, utilizing CNN, RPN, and ROI to obtain text proposals. The second stage involved refining these text proposals to make the predicted boxes more accurate. Regression-based methods aim to fit text boundaries, and overall, they are not as accurate as segmentation-based methods.

2.2. Component-Based Methods

The component-based [41,42,43,44,45] scene text detection method involved text regions into individual components, using relationship inference to identify components belonging to the same text line. Then, appropriate post-processing techniques to obtain the text regions were used. DRRG [45] employed a graph neural network to model the geometry and relationships of text, aiming for high-precision text detection. This method was capable of accommodating various text shapes, including horizontal, vertical, and curved text, making it highly applicable in the field of scene text detection. CRAFT [41] used a segmentation method that differed from traditional image segmentation. Unlike pixel-level classification for the entire image, CRAFT only predicted character centers. It consisted of two branches. One was focused on the probability of character centers, and the other was focused on character-to-character connection relationships. After post-processing, the text bounding boxes were obtained. There is also a series of methods, which are based on SSDs [40], such as SegLink [42] and SegLink++ [43]. The core of SegLink [42] was to transform text detection into the detection of two local elements: segment and link. The segment was a directional box that covered a part of the text content, while the link connected two adjacent segments, expressing whether these two segments belonged to the same text. The algorithm merged relevant segments into the final bounding box based on the representation of links, improving detection accuracy and training efficiency. SegLink++ [43] built upon the original SegLink [42] by introducing two types of lines: attractive links and repulsive links. These two types of lines connected segments belonging to the same text region and kept segments from different text regions apart, respectively, achieving better detection results. Component-based methods work well for long texts, but the limitation lies in the loss associated with splitting and recombining.

2.3. Segmentation-Based Methods

The segmentation-based [20,21,22,23,24,25,26,46,47,48,49] scene text detection method performs pixel-wise binary classification for text and background, followed by complex post-processing to obtain the final text regions. SAE [22] embedded shape awareness and separated closely placed text instances. It addressed the problem of excessively long text lines by clustering the output of the three results. PAN [24] achieved arbitrary-shaped scene text detection through segmentation principles and offered both speed and scale invariance. PixelLink [20] introduced two pixel-wise predictions based on DNN: text/non-text prediction and link prediction. TextSnake [21] predicted the Text Center Line (TCL) and text regions (TRs), acquiring a general representation of the scene text of arbitrary shapes. DBNet [26], based on segmentation, obtained the threshold map and the probability map. It proposed differentiable binarization, simplifying post-processing and achieving high-precision real-time text detection. DBNet++ [46], based on DBNet [26], added the Adaptive Scale Fusion module, leading to higher precision. However, the DBNet [26] had a slow convergence speed during training for 1200 epochs, and there was a possibility for improvement in feature extraction from the backbone and neck. Therefore, we propose HTBNet to achieve faster convergence during training. Additionally, we design MSCA and FMCS to thoroughly integrate the features from different scales in channel and spatial, thereby improving the accuracy of the model.

3. The Proposed Method

3.1. Overview

The overall structure of HTBNet designed in this paper is illustrated in Figure 1, which consists of four components (Backbone, MSCA, FMCS, and HTB). The backbone extracts features from the input image, and then the neck (MSCA, FMCS) further processes and fuses these features. Finally, the detection heads (HTB) predict text regions based on the fused features, and post-processing is applied to obtain the final text regions. Four components of the proposed HTBNet are the following: (1) ResNet50 [28] is adopted as the backbone to gain multi-scale feature maps. (2) MSCA fuses the multi-scale feature maps obtained from the backbone. (3) FMCS simultaneously integrates information of fused feature maps from MSCA in channel and spatial. (4) HTB inputs the feature maps obtained by FMCS into the corresponding prediction head to obtain the probability map and threshold map. Then, our designed hyperbolic tangent function computes the values in the probability map and threshold map to obtain the initial binary map. The final text regions are obtained after post-processing of the binary map. The structure details of the MSCA, FMCS, and HTB modules are explained in Section 3.2, Section 3.3, and Section 3.4, respectively.

3.2. Multi-Scale Channel Attention (MSCA)

The initial input of HTBNet is a scene text image, and ResNet50 serves as the backbone network to extract features, resulting in five feature maps at different scales, corresponding to 1/2, 1/4, 1/8, 1/16, and 1/32 of the original image size. Due to feature maps from different channels at the same scale focusing on different regions, we propose the novel MSCA module to better represent the kernel features of all objects in the image. The MSCA module is essentially a kind of channel attention mechanism that adds trainable weights across feature maps from different channels at the same scale. It has improved model expressiveness in the early computation of the three classical computer vision tasks (image classification, object detection, and semantic segmentation). As shown in Figure 1, the input to MSCA is five feature maps at different scales, with sizes being 1/2, 1/4, 1/8, 1/16, and 1/32 of the original image. Now, the same operations are applied to each of these five feature maps. First, the feature maps at the same scale undergo global average pooling, resulting in a tensor with a dimension equal to the number of the feature map’s channels. Then, it passes through two fully connected layers, squeezing the dimension of this tensor to one-sixteenth, and then expanding it back to its original dimension. Finally, the new tensor multiplies channel-wise with the original feature maps. In Figure 1, ‘up×N’ represents upsampling the feature map N times, and ‘down×1/2’ represents downsampling the feature map to 1/2. Additionally, ‘concat’ represents concatenation operation. The above computation process can be more intuitively expressed using Equations (1)–(3) as follows:
C i = F a v e ( M i ) ,   ( i = 1 ,   2 ,   3 ,   4 ,   5 )
where F a v e is the global average pooling in the spatial dimension, and M i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) represents the feature maps at one specific scale as the input of the MSCA module; meanwhile, C i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) represents a tensor with a dimension equal to the amount of corresponding M i channels as the output of Equation (1).
D i = F l i n e a r ( C i ) ,   ( i = 1 ,   2 ,   3 ,   4 ,   5 )
Here, F l i n e a r performs two consecutive fully connected layers, and D i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) is a tensor that has the same size as C i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) .
N i = F p r o d u c t ( M i , D i ) ,   ( i = 1 ,   2 ,   3 ,   4 ,   5 )
Here, F p r o d u c t refers to the element-wise product, equal to M i multiplying the D i s corresponding value of each channel by all pixel values in the spatial dimension of the corresponding channel, and N i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) has the same size as M i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) . Then, the multi-scale feature maps, M i ( i = 1 ,   2 ,   3 ,   4 ,   5 ) are operated with concatenation, resulting in the new feature maps, Q , whose size is 1/4 of the original image’s size.
According to the above operations of the MSCA module, subsequent ablation experiments have shown that, with little increase in the number of model parameters, significant improvement in model performance has been achieved.

3.3. Fused Module with Channel and Spatial (FMCS)

MSCA aggregates features from different channels at the same scale, but to simultaneously detect objects at different scales, we have designed FMCS to aggregate features at different scales and positions. The upper branch of FMCS merges channel information, leading to aggregating the features from all channels at different scales in the whole image. The lower branch of FMCS fuses spatial information by taking the average over the channel dimension of the feature maps, gaining a feature map with one channel. Then the feature map undergoes three convolutional operations, while kernel size is 3, and padding is 1. Next, the feature map is expanded channel- and element-wise and multiplied with the feature map obtained from the upper branch. Finally, the new feature map is added element-wise to the feature map obtained from the upper branch, resulting in the final feature map of FMCS. It is important to emphasize that, element-wise product and element-wise addition, respectively, represent element-wise multiplication and element-wise addition for two feature maps totally at the same shapes. The above process can be expressed as Equations (4) and (5) as follows:
E = F c _ a v e ( Q )
where F c _ a v e refers to the global average pooling in the channel dimension, and Q represents the feature maps as both the output of the MSCA module and the input of the FMCS module; meanwhile, as the output of Equation (4), E is a feature map of the same size as Q in spatial dimension and E has only a single channel. The functions of F a v e , F l i n e a r , and element-wise product is the same as Equation (1), Equation (2), and Equation (3), respectively. Element-wise addition can be described as Equation (5).
K = F a d d ( G , H )
Here, F a d d refers to element-wise addition, and specifically, it is that the pixel values at the corresponding positions of G and H are added element-wise to form a new feature map K . Subsequent ablation experiments indicate that the FMCS module significantly improves the model’s performance.

3.4. Binarization of Hyperbolic Tangent (HTB)

Based on the new feature K , obtained from the previous feature fusion, we design the HTB module to enable end-to-end training and fast convergence of the model. The probability map (Pmap ) and threshold map (Tmap) are obtained from the corresponding prediction heads. HTB module performs exponential operations based on the difference between the values corresponding to the probability map and the threshold map using the hyperbolic tangent function. Pmap and Tmap undergo computation using our designed hyperbolic tangent function (Tanh) to obtain the initial binary map (Bmap). As is shown in Equations (6) and (7) as follows, the hyperbolic tangent function (Tanh) is an integral part of the HTB module:
b i n a r y _ b a s e = e m e m e m + e m
m = k P T
where P and T represent the values of the corresponding pixels on the probability map and threshold map at the same position, respectively. k is the super-parameter, and we set it to 50. The b i n a r y _ b a s e is the initial value of the feather map. If b i n a r y _ b a s e is greater than 0, then the corresponding pixel is considered to belong to the text region; otherwise, it belongs to the background region. Tanh’s diagram compared with the sigmoid function, used in the baseline, is shown in Figure 2a.
As seen in the subsequent experimental section, by using the hyperbolic tangent function (Tanh), the training process that initially converged in 1200 epochs is shortened to 600 epochs, significantly improving the model’s convergence speed. From a mathematical perspective, we can analyze the reason for the faster convergence of the model. As is well known, deep learning models involve the process of backpropagation, where first-order partial derivatives are calculated for various weight coefficients. These first-order partial derivatives are then multiplied by the learning rate to obtain the corresponding weight coefficient decrement, as shown in Equation (8).
w = w l r L w
Here, L represents the total loss function, while l r represents the learning rate. And w is the initial weight coefficient, and w is the updated weight coefficient corresponding to it. Based on the theoretical foundation above, we calculate the first-order derivatives of the two functions, and the resulting diagram is shown in Figure 2b. It is evident that Tanh’s grad is steeper than the sigmoid’s grad, which means that for the same variable step, the function value of the hyperbolic tangent function changes more significantly than the sigmoid. Subsequent experiments prove that the weight coefficients of the hyperbolic tangent function decay faster than those of the sigmoid, resulting in faster convergence of the overall model.
Finally, post-processing is applied to the initial text regions obtained by HTB, involving expansion and contraction, to obtain the final text regions. It is worth noting that during the inference phase, initial text regions can be obtained using only the probability maps or threshold maps, without the necessity to compute the hyperbolic tangent function.

3.5. Cross-Entropy Loss Function

Based on the earlier computation of the probability map, the binary map, and the threshold map, by comparing the predicted values with the ground truth, we can obtain the corresponding loss functions, respectively. The predictions of the probability map and the threshold map in this article are typical classification problems. Cross-entropy [50] loss function can effectively guide the model to adjust parameters, making the predicted values gradually approach the ground truths. Therefore, we use the cross-entropy loss function for both probability map loss ( L s ) and binary map loss ( L b ). In subsequent experiments, the loss functions of mean square error and cross-entropy have been compared, confirming that the cross-entropy loss function exhibits superior performance.
The loss function L can be expressed as a weighted sum of the probability map loss ( L s ), the binary map loss ( L b ), and the threshold map loss ( L t ), which refers to the specific Equations (9)–(11).
L = L s + L b + 10 × L t
L s = L b = i M y i l o g x i + 1 y i l o g 1 x i
Here, M represents a set where positive samples and negative samples are in the ratio of 1:3 and x i , y i represent the ground truth and prediction value of the probability map or binary map, respectively.
L t = i N y i * x i *
Here, N represents a set of pixels within the text bounding boxes and x i * , y i * represent the ground truth and prediction value of the threshold map, respectively. With the loss functions, the entire network can undergo backpropagation and gradient computation, enabling the optimization of parameters.

4. Experiments and Results Analysis

4.1. Datasets and Evaluation

This paper focuses on natural scene text images of arbitrary shapes, so we utilize the Total-Text [51] and MSRA-TD500 [52] datasets for experimental purposes. Examples of the two datasets are shown in Figure 3 and Figure 4. Additionally, before formal training, we conducted pre-training on the SynthText [53] synthetic dataset, which is shown in Figure 5. The datasets involved in this paper are described below.
Total-Text (Curved Text Dataset): This dataset primarily consists of English text with a smaller portion of Chinese text. It includes 1255 images in the training set and 300 images in the test set. The text in this dataset is often curved, and it is annotated at the word level using polygons.
MSRA-TD500 (Multi-Oriented Scene Text Dataset): This dataset is focused on multi-oriented text detection and includes both Chinese and English text. It comprises 300 images in the training set and 200 images in the test set, with text annotated at the text-line level.
SynthText, which consists of 800k images, is a synthetic dataset used for training and evaluating text detection and recognition models. It comprises computer-generated text placed on a variety of backgrounds to simulate real-world text scenarios. This dataset offers a wide range of text appearances, including different fonts, sizes, orientations, and background textures. We utilize SynthText to pre-train our model, enhancing its ability to detect text in diverse, real-world environments.
Scene text detection is a crucial task in the field of computer vision, aiming to accurately identify and locate text regions within images captured in natural scenes. To assess the performance of text detection algorithms, quantitative analysis is often conducted using metrics such as precision, recall, and F1 Score. Precision is the proportion of correctly identified positive samples out of all samples predicted as positive by the model, which is calculated using Equation (12) as follows:
P r e c i s i o n = T P T P + F P
where T P (True Positives) represents the number of samples correctly identified as positive, and F P (False Positives) represents the number of samples incorrectly identified as positive. Precision measures the accuracy of the model’s positive predictions, with higher values indicating better precision in positive predictions.
Recall is the proportion of correctly identified positive samples out of all actual positive samples, which is calculated using Equation (13) as follows:
R e c a l l = T P T P + F N
where T P represents the number of samples correctly identified as positive, and F N (False Negatives) represents the number of actual positive samples incorrectly identified as negative. Recall measures the model’s ability to identify actual positive samples, with higher values indicating broader coverage of actual positives.
The F1 Score is the harmonic mean of precision and recall, providing a balanced assessment of a model’s precision and recall. It is calculated using Equation (14). The F1 Score ranges between zero and one, with higher values indicating a better balance between precision and recall. These three evaluation metrics play a crucial role in natural scene text detection. Precision focuses on the accuracy of positive predictions, recall assesses the coverage of actual positive samples, and the F1 Score combines both aspects to offer a comprehensive evaluation of model performance. In practical applications, the choice of evaluation metrics depends on task requirements, and sometimes a balance between precision and recall needs to be considered. The comprehensive consideration based on precision and recall leads to the use of the common F1 Score as the primary evaluation metric in this paper. On the other hand, there is another metric to measure the computational efficiency of the model, which is Frames Per Second (FPS). FPS measures the speed of the algorithm in processing natural scene images, indicating the number of frames that the deep learning algorithm can handle per second. A high FPS indicates that the algorithm has high real-time performance, making it suitable for practical application scenarios.
F 1   S c o r e = 2 P r e c i s i o n R e c a l l P r e c i s i o n + R e c a l l
The experiments in this paper use the Ubuntu 20.04 operating system and PyTorch 1.12.0 deep learning framework. The training platform utilizes an NVIDIA GeForce RTX 3090 Ti graphics card with 24 GB of VRAM. We first pre-train the model with the SynthText dataset for 100k iterations. Then, we finetune the models on the corresponding real-world datasets for 600 epochs. It is known that there are 1200 epochs in the original baseline. The decay strategy of the learning rate that we adopt in this paper is SGD. The learning rate is set as Equation (15) as follows:
l r = l r ( 1 i t e r m a x _ i t e r ) 0.9
where l r is the learning rate, the initial value of which is set to 0.007, and i t e r represents the current iteration times; meanwhile, m a x _ i t e r represents the maximum iteration times.

4.2. Ablation Study

We conduct a series of ablation experiments on two datasets (i.e., Total-Text and MSRA-TD500) for each of the three proposed modules. The results of the ablation experiments for datasets Total-Text and MSRA-TD500 are presented in Table 1, Table 2, Table 3 and Table 4.
On the one hand, HTB accelerates the convergence speed of the model by speeding up the gradient descent. On the other hand, as can be seen from Table 1, Table 2, Table 3 and Table 4, HTB significantly enhances performance. HTB has resulted in an improvement of 0.7% and 0.2% of F-measure for the Total-Text dataset when using Res18 and Res50 as the backbone, respectively. And the HTB module increases by 0.3% and 0.7% of F-measure for the MSRA-TD500 dataset. What is more important is that HTB reduces the training process from the initial 1200 epochs to 600 epochs, greatly shortening the training time.
The MSCA module, which is used to fuse the features in channel dimension, leads to more accurate features. MSCA has exhibited a significant improvement on the two datasets and the two backbone networks, with F-measure increasing by a minimum of 0.5% and a maximum of 0.9%.
FMCS aims to fuse features in both spatial and channel dimensions simultaneously. According to above Table 1, Table 2, Table 3 and Table 4, FMCS achieves the highest improvement in F-measure. FMCS results in an improvement of 0.7% and 1.3% of F-measure for the Total-Text dataset while Res18 and Res50 are adopted as the backbone. And FMCS increases by 2.5% of F-measure for the MSRA-TD500 dataset whether the backbone is Res18 or Res50.
The model, incorporating all three modules, can obtain the overall results. While we use Res18 as the backbone, the F-measures improve by 1.3% on both Total-Text and MSRA-TD500. Likewise, while we use Res50 as the backbone, there is a greater improvement of 2.6% on both Total-Text and MSRA-TD500.
To further validate the performance of the cross-entropy loss function, we compared it with the mean square error loss function. The specific experimental results are shown in Table 5. It can be seen that the convergence speed of the training process for the cross-entropy loss function has been reduced from 1200 epochs to 600 epochs compared to the mean square error loss function. Meanwhile, the values of F have improved. I trained the model with one 3090Ti GPU card, which took about 50 h of training for 600 epochs.
To validate the values of K = 50 in Equation (7), and a multiplication factor ×10 in Equation (9), we set them as different values. As shown in Table 6 and Table 7, we can find that K = 50 in Equation (7) and the multiplication factor ×10 in Equation (9) achieve the best performances both with the backbone of ResNet18 or ResNet50.
By randomly selecting several images from the test set for single-image testing, we can obtain visual results as shown in Figure 6 below. Especially from the two images on the left and in the middle, it can be seen that our method significantly outperforms the baseline. However, for the image on the right, due to the difficulty in distinguishing between the font and the background, both methods exhibit relatively poor detection performance.

4.3. Comparisons with Other Advanced Methods

We also compare our method with the previous advanced methods, and the results are presented in Table 8 and Table 9. It can be observed that when we utilize Res50 [28] as the backbone network, HTBNet achieves F-measures of 86% and 87.5% on datasets Total-Text and MSRA-TD500, respectively, outperforming the performance of the previously mentioned methods in Table 8 and Table 9. At the same time, to make the model more lightweight, we also use Res18 [28] for comparison. The model speed was significantly improved, with FPS increasing from the initial 30 to 49 and 56 on Total-Text and MSRA-TD500, respectively, and for the detection performance, the F1 Score remains competitive. According to Table 9, we plot a two-dimensional scatter plot of performance versus speed on MSRA-TD500, as shown in Figure 7. The horizontal axis represents the FPS of the model, and the vertical axis represents the F1 Score of the model. From both the performance and speed perspectives, our model achieved the best results.
In the field of text detection, looking back at lots of previous work, there has been a usual focus on the model’s performance, which is equal to the F1 Score, while the computational complexity of the model is frequently overlooked. However, the lightweight of deep learning models holds significant value and profound significance in practical applications in the industry. Firstly, lightweight can reduce the computational and storage resource requirements of the model, enabling more efficient deployment and operation in resource-constrained environments such as embedded devices and mobile devices. Secondly, lightweight contributes to improving the model’s inference speed, reducing response time, thereby enhancing real-time capabilities, which is suitable for applications requiring rapid response, such as the scene text detection task in this paper. Additionally, lightweight can lower the energy consumption of the model, extending the device’s battery life, which is crucial for battery-powered applications like mobile devices and drones. Overall, research and application of lightweight in deep learning models can propel the penetration of artificial intelligence technology into a broader range of fields, realizing more intelligent, efficient, and sustainable applications.
As shown in Figure 8, HTBNet_res50 (ours) compared to DB_res50 (baseline) indicates that our model essentially converges at 600 epochs, while the DB_res50 converges at 1200 epochs. This is consistent with the inference conclusions from Figure 2.
As shown in Figure 9, the precision–recall curves of HTBNet_res50 (ours) and DB_res50 (baseline) indicate that the HTBNet_res50’s curve completely encloses the DB_res50’s curve, leading to the conclusion that our model performs better.

5. Conclusions

In this paper, we have contrived a novel framework for detecting arbitrary-shape scene text, which improves the performances of text detection from three aspects: (1) The HTB module is proposed to integrate the post-processing process into the training period and accelerate the model’s convergence during the training. (2) The designed cross-entropy loss function accurately describes the difference between the predicted values and the ground truths, which improves the model performance. (3) The proposed MSCA and FMCS extract and fuse features from channel and spatial dimensions, enhancing the model’s ability to perceive objects of different scales and positions. All of the three modules significantly improve text detection accuracy. The experiments have verified that our HTBNet consistently outperforms outstanding methods in terms of speed and accuracy.

Funding

This research received no external funding.

Data Availability Statement

The Total-text and MSRA-TD500 datasets are available at https://opendatalab.com/OpenDataLab/TotalText, accessed on 27 October 2017 and https://opendatalab.com/OpenDataLab/MSRA-TD500, accessed on 26 October 2012, respectively.

Conflicts of Interest

The author declares no conflicts of interest.

References

  1. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef]
  2. Lecun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-based learning applied to document recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef]
  3. Sergiyenko, O.Y.; Tyrsa, V.V. 3D Optical Machine Vision Sensors With Intelligent Data Management for Robotic Swarm Navigation Improvement. IEEE Sens. J. 2021, 21, 11262–11274. [Google Scholar] [CrossRef]
  4. Sergiyenko, O.; Alaniz-Plataa, R.; Flores-Fuentes, W.; Rodríguez-Quiñonez, J.C.; Miranda-Vega, J.E.; Sepulveda-Valdez, C.; Núñez-López, J.A.; Kolendovska, M.; Kartashov, V.; Tyrsa, V. Multi-view 3D data fusion and patching to reduce Shannon entropy in Robotic Vision. Opt. Laser Eng. 2024, 177, 108132. [Google Scholar] [CrossRef]
  5. Sergiyenko, O.; Tyrsa, V.; Zhirabok, A.; Zuev, A. Sliding mode observer based fault identification in automatic vision system of robot. Control Eng. Pract. 2023, 139, 105614. [Google Scholar] [CrossRef]
  6. Albelwi, S. Survey on Self-Supervised Learning: Auxiliary Pretext Tasks and Contrastive Learning Methods in Imaging. Entropy 2022, 24, 551. [Google Scholar] [CrossRef]
  7. Lu, C. Reviewing Evolution of Learning Functions and Semantic Information Measures for Understanding Deep Learning. Entropy 2023, 25, 802. [Google Scholar] [CrossRef]
  8. Khan, M.J.; Khan, M.A.; Turaev, S.; Malik, S.; El-Sayed, H.; Ullah, F. A Vehicle-Edge-Cloud Framework for Computational Analysis of a Fine-Tuned Deep Learning Model. Sensors 2024, 24, 2080. [Google Scholar] [CrossRef] [PubMed]
  9. Liu, X.Y.; Meng, G.F.; Pan, C.H. Scene text detection and recognition with advances in deep learning: A survey. Int. J. Doc. Anal. Recognit. 2019, 22, 143–162. [Google Scholar] [CrossRef]
  10. Bacha, J.; Ullah, F.; Khan, J.; Sardar, A.W.; Lee, S. A Deep Learning-Based Framework for Offensive Text Detection in Unstructured Data for Heterogeneous Social Media. IEEE Access 2023, 11, 124484–124498. [Google Scholar] [CrossRef]
  11. Wang, Q.; Lu, X.C.; Zhang, C.; Yuan, Y.; Li, X.L. LSV-LP: Large-Scale Video-Based License Plate Detection and Recognition. IEEE Trans. Pattern Anal. 2023, 45, 752–767. [Google Scholar] [CrossRef] [PubMed]
  12. Chen, T.Y.; Pu, F.L.; Chen, H.J.; Liu, Z.H. WHUVID: A Large-Scale Stereo-IMU Dataset for Visual-Inertial Odometry and Autonomous Driving in Chinese Urban Scenarios. Remote Sens. 2022, 14, 2033. [Google Scholar] [CrossRef]
  13. Pan, J.P.; Li, X.; Cai, Z.Y.; Sun, B.W.; Cui, W. A Self-Attentive Hybrid Coding Network for 3D Change Detection in High-Resolution Optical Stereo Images. Remote Sens. 2022, 14, 2046. [Google Scholar] [CrossRef]
  14. Yu, W.; Yin, Q.; Yin, H.; Xiao, W.; Chang, T.; He, L.; Ni, L.; Ji, Q. A Systematic Review on Password Guessing Tasks. Entropy 2023, 25, 1303. [Google Scholar] [CrossRef] [PubMed]
  15. Gupta, N.; Jalal, A.S. Traditional to transfer learning progression on scene text detection and recognition: A survey. Artif. Intell. Rev. 2022, 55, 3457–3502. [Google Scholar] [CrossRef]
  16. Khan, T.; Sarkar, R.; Mollah, A.F. Deep learning approaches to scene text detection: A comprehensive review. Artif. Intell. Rev. 2021, 54, 3239–3298. [Google Scholar] [CrossRef]
  17. Liang, T.; Li, B.; Wang, M.; Tan, H.; Luo, Z. A Closer Look at the Joint Training of Object Detection and Re-Identification in Multi-Object Tracking. IEEE Trans. Image Process 2023, 32, 267–280. [Google Scholar] [CrossRef] [PubMed]
  18. Wu, Z.; Liu, C.; Wen, J.; Xu, Y.; Yang, J.; Li, X. Selecting High-Quality Proposals for Weakly Supervised Object Detection With Bottom-Up Aggregated Attention and Phase-Aware Loss. IEEE Trans. Image Process 2023, 32, 682–693. [Google Scholar] [CrossRef] [PubMed]
  19. Zhang, L.Y.; Wang, H.T.; Wang, L.F.; Pan, C.H.; Liu, Q.; Wang, X.Y. Constraint Loss for Rotated Object Detection in Remote Sensing Images. Remote Sens. 2021, 13, 4291. [Google Scholar] [CrossRef]
  20. Deng, D.; Liu, H.; Li, X.L.; Cai, D. PixelLink: Detecting Scene Text via Instance Segmentation. In Proceedings of the Thirty-Second Aaai Conference on Artificial Intelligence / Thirtieth Innovative Applications of Artificial Intelligence Conference/Eighth Aaai Symposium on Educational Advances in Artificial Intelligence, New Orleans, LA, USA, 2–7 February 2018; pp. 6773–6780. [Google Scholar]
  21. Long, S.B.; Ruan, J.Q.; Zhang, W.J.; He, X.; Wu, W.H.; Yao, C. TextSnake: A Flexible Representation for Detecting Text of Arbitrary Shapes. Comput. Vis.-ECCV 2018, 11206, 19–35. [Google Scholar] [CrossRef]
  22. Tian, Z.T.; Shu, M.; Lyu, P.Y.; Li, R.Y.; Zhou, C.; Shen, X.Y.; Jia, J.Y. Learning Shape-Aware Embedding for Scene Text Detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 4229–4238. [Google Scholar] [CrossRef]
  23. Wang, W.H.; Xie, E.Z.; Li, X.; Hou, W.B.; Lu, T.; Yu, G.; Shao, S. Shape Robust Text Detection with Progressive Scale Expansion Network. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 9328–9337. [Google Scholar] [CrossRef]
  24. Wang, W.H.; Xie, E.Z.; Song, X.G.; Zang, Y.H.; Wang, W.J.; Lu, T.; Yu, G.; Shen, C.H. Efficient and Accurate Arbitrary-Shaped Text Detection with Pixel Aggregation Network. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019; pp. 8439–8448. [Google Scholar] [CrossRef]
  25. Xu, Y.; Wang, Y.; Zhou, W.; Wang, Y.; Yang, Z.; Bai, X. TextField: Learning a Deep Direction Field for Irregular Scene Text Detection. IEEE Trans. Image Process 2019, 28, 5566–5579. [Google Scholar] [CrossRef]
  26. Liao, M.H.; Wan, Z.Y.; Yao, C.; Chen, K.; Bai, X.; Assoc Advancement Artificial, I. Real-Time Scene Text Detection with Differentiable Binarization. In Proceedings of 34th AAAI Conference on Artificial Intelligence/32nd Innovative Applications of Artificial Intelligence Conference/10th AAAI Symposium on Educational Advances in Artificial Intelligence, New York, NY, USA, 7–12 February 2020; pp. 11474–11481. [Google Scholar]
  27. Graves, A.; Mohamed, A.R.; Hinton, G. Speech Recognition with Deep Recurrent Neural Networks. In Proceedings of the 2013 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Vancouver, BC, Canada, 26–31 May 2013; pp. 6645–6649. [Google Scholar]
  28. He, K.M.; Zhang, X.Y.; Ren, S.Q.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef]
  29. Ren, X.-L.; Chen, A.-X. Solving the VRP Using Transformer-Based Deep Reinforcement Learning. In Proceedings of the 2023 International Conference on Machine Learning and Cybernetics (ICMLC), Adelaide, Australia, 9–11 July 2023; pp. 365–369. [Google Scholar] [CrossRef]
  30. LeCun, Y.; Boser, B.; Denker, J.S.; Henderson, D.; Howard, R.E.; Hubbard, W.; Jackel, L.D. Backpropagation Applied to Handwritten Zip Code Recognition. Neural Comput. 1989, 1, 541–551. [Google Scholar] [CrossRef]
  31. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 1137–1149. [Google Scholar] [CrossRef]
  32. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention Is All You Need. In Proceedings of the NIPS'17: Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; Voume 30. [Google Scholar]
  33. Liao, M.H.; Shi, B.G.; Bai, X. TextBoxes plus plus: A Single-Shot Oriented Scene Text Detector. IEEE T Image Process 2018, 27, 3676–3690. [Google Scholar] [CrossRef]
  34. Liao, M.H.; Shi, B.G.; Bai, X.; Wang, X.G.; Liu, W.Y. TextBoxes: A Fast Text Detector with a Single Deep Neural Network. AAAI Conf. Artif. Intell. 2017, 31, 4161–4167. [Google Scholar] [CrossRef]
  35. Liu, Y.L.; Jin, L.W. Deep Matching Prior Network: Toward Tighter Multi-oriented Text Detection. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 3454–3461. [Google Scholar] [CrossRef]
  36. Wang, X.B.; Jiang, Y.Y.; Luo, Z.B.; Liu, C.L.; Choi, H.; Kim, S. Arbitrary Shape Scene Text Detection with Adaptive Text Region Representation. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 6442–6451. [Google Scholar] [CrossRef]
  37. Xue, C.H.; Lu, S.J.; Zhang, W. MSR: Multi-Scale Shape Regression for Scene Text Detection. In Proceedings of the Twenty-Eighth International Joint Conference on Artificial Intelligence, Macao, China, 10–16 August 2019; pp. 989–995. [Google Scholar]
  38. Zhou, X.Y.; Yao, C.; Wen, H.; Wang, Y.Z.; Zhou, S.C.; He, W.R.; Liang, J.J. EAST: An Efficient and Accurate Scene Text Detector. In Proceedings of the 30th IEEE Conference on Computer Vision. and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 2642–2651. [Google Scholar] [CrossRef]
  39. Neubeck, A.; Van Gool, L. Efficient non-maximum suppression. In Proceedings of the 18th International Conference on Pattern Recognition, Hong Kong, China, 20–24 August 2006; Volume 3, p. 850. [Google Scholar] [CrossRef]
  40. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.Y.; Berg, A.C. SSD: Single Shot MultiBox Detector. Comput. Vis.-ECCV 2016, 9905, 21–37. [Google Scholar] [CrossRef]
  41. Baek, Y.; Lee, B.; Han, D.; Yun, S.; Lee, H. Character Region Awareness for Text Detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR 2019), Long Beach, CA, USA, 15–20 June 2019; pp. 9357–9366. [Google Scholar] [CrossRef]
  42. Shi, B.G.; Bai, X.; Belongie, S. Detecting Oriented Text in Natural Images by Linking Segments. In Proceedings of the 30th Ieee Conference on Computer Vision. and Pattern Recognition (CVPR 2017), Honolulu, HI, USA, 21–26 July 2017; pp. 3482–3490. [Google Scholar] [CrossRef]
  43. Tang, J.; Yang, Z.B.; Wang, Y.P.; Zheng, Q.; Xu, Y.C.; Bai, X. SegLink plus plus: Detecting Dense and Arbitrary-shaped Scene Text by Instance-aware Component Grouping. Pattern Recogn. 2019, 96, 106954. [Google Scholar] [CrossRef]
  44. Tian, Z.; Huang, W.L.; He, T.; He, P.; Qiao, Y. Detecting Text in Natural Image with Connectionist Text Proposal Network. Comput. Vis.-ECCV 2016, 9912, 56–72. [Google Scholar] [CrossRef]
  45. Zhang, S.X.; Zhu, X.; Hou, J.B.; Liu, C.; Yang, C.; Wang, H.; Yin, X.C. Deep Relational Reasoning Graph Network for Arbitrary Shape Text Detection. In Proceedings of 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 9696–9705. [Google Scholar]
  46. Liao, M.H.; Zou, Z.S.; Wan, Z.Y.; Yao, C.; Bai, X. Real-Time Scene Text Detection With Differentiable Binarization and Adaptive Scale Fusion. IEEE Trans. Pattern Anal. 2023, 45, 919–931. [Google Scholar] [CrossRef]
  47. Lian, Z.; Yin, Y.; Zhi, M.; Xu, Q. PCBSNet: A Pure Convolutional Bilateral Segmentation Network for Real-Time Natural Scene Text Detection. Electronics 2023, 12, 3055. [Google Scholar] [CrossRef]
  48. Zhang, S.; Zhou, C.; Li, Y.; Zhang, X.; Ye, L.; Wei, Y. Irregular Scene Text Detection Based on a Graph Convolutional Network. Sensors 2023, 23, 1070. [Google Scholar] [CrossRef]
  49. Dinh, M.-T.; Choi, D.-J.; Lee, G.-S. DenseTextPVT: Pyramid Vision Transformer with Deep Multi-Scale Feature Refinement Network for Dense Text Detection. Sensors 2023, 23, 5889. [Google Scholar] [CrossRef]
  50. Saulig, N.; Milovanovic, M.; Milicic, S.; Lerga, J. Signal Useful Information Recovery by Overlapping Supports of Time-Frequency Representations. IEEE Trans. Signal Process 2022, 70, 5504–5517. [Google Scholar] [CrossRef]
  51. Ch'ng, C.K.; Chan, C.S. Total-Text: A Comprehensive Dataset for Scene Text Detection and Recognition. In Proceedings of the 2017 14th Iapr International Conference on Document Analysis and Recognition (ICDAR), Kyoto, Japan, 9–15 November 2017; Volume 1, pp. 935–942. [Google Scholar] [CrossRef]
  52. Yao, C.; Bai, X.; Liu, W.Y.; Ma, Y.; Tu, Z.W. Detecting Texts of Arbitrary Orientations in Natural Images. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Providence, RI, USA, 16–21 June 2012; pp. 1083–1090. [Google Scholar]
  53. Gupta, A.; Vedaldi, A.; Zisserman, A. Synthetic Data for Text Localisation in Natural Images. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 2315–2324. [Google Scholar] [CrossRef]
Figure 1. The architecture of the proposed HTBNet.
Figure 1. The architecture of the proposed HTBNet.
Entropy 26 00560 g001
Figure 2. The diagrams of the two functions and corresponding first-order derivatives.
Figure 2. The diagrams of the two functions and corresponding first-order derivatives.
Entropy 26 00560 g002
Figure 3. Examples of Total-Text.
Figure 3. Examples of Total-Text.
Entropy 26 00560 g003
Figure 4. Examples of MSRA-TD500.
Figure 4. Examples of MSRA-TD500.
Entropy 26 00560 g004
Figure 5. Examples of SynthText [53].
Figure 5. Examples of SynthText [53].
Entropy 26 00560 g005
Figure 6. Detection results of (a) baseline and (b) our method.
Figure 6. Detection results of (a) baseline and (b) our method.
Entropy 26 00560 g006
Figure 7. The two-dimensional scatter plot of performance versus speed on MSRA-TD500.
Figure 7. The two-dimensional scatter plot of performance versus speed on MSRA-TD500.
Entropy 26 00560 g007
Figure 8. The loss–epoch curves on Total-Text.
Figure 8. The loss–epoch curves on Total-Text.
Entropy 26 00560 g008
Figure 9. The precision–recall curves on Total-Text.
Figure 9. The precision–recall curves on Total-Text.
Entropy 26 00560 g009
Table 1. Detection ablation results on Total-Text with backbone of ResNet18. ‘P’, ‘R’, and ‘F’ represent, separately, precision, recall, and F-measure.
Table 1. Detection ablation results on Total-Text with backbone of ResNet18. ‘P’, ‘R’, and ‘F’ represent, separately, precision, recall, and F-measure.
ModuleHTBMSCAFMCSTotal-Text
PRF
DB_res18 (baseline)88.377.982.8
res1890.977.183.5
res188978.983.7
res1888.57983.5
HTBNet_res18 (ours)86.881.684.1
Table 2. Detection ablation results on Total-Text with backbone of ResNet50.
Table 2. Detection ablation results on Total-Text with backbone of ResNet50.
ModuleHTBMSCAFMCSTotal-Text
PRF
DB_res50 (baseline)87.182.584.7
res5094.976.884.9
res5087.982.885.3
res5090.581.386
HTBNet_res50 (ours)91.381.386
Table 3. Detection ablation results on MSRA-TD500 dataset with backbone of ResNet18.
Table 3. Detection ablation results on MSRA-TD500 dataset with backbone of ResNet18.
ModuleHTBMSCAFMCSMSRA-TD500
PRF
DB_res18 (baseline)90.476.382.8
res1889.377.783.1
res1892.375.983.3
res1888.88285.3
HTBNet_res18 (ours)89.881.485.4
Table 4. Detection ablation results on MSRA-TD500 dataset with backbone of ResNet50.
Table 4. Detection ablation results on MSRA-TD500 dataset with backbone of ResNet50.
ModuleHTBMSCAFMCSMSRA-TD500
PRF
DB_res50 (baseline)91.579.284.9
res5090.381.485.6
res5089.782.385.8
res5091.983.387.4
HTBNet_res50 (ours)92.283.387.5
Table 5. Detection ablation results in loss functions.
Table 5. Detection ablation results in loss functions.
ModuleMean Square ErrorCross-EntropyMSRA-TD500Total-Text
PRFConvergence
Epochs
PRFConvergence
Epochs
HTBNet_res1887.982.585.1120087.580.7841200
HTBNet_res18 (Ours)89.881.485.460086.881.684.1600
HTBNet_res5091.583.587.3120090.581.585.81200
HTBNet_res50 (Ours)92.283.387.560091.381.386600
Table 6. Detection ablation results on hyper-parameters with backbone of ResNet18.
Table 6. Detection ablation results on hyper-parameters with backbone of ResNet18.
ModuleKMultiplication FactorMSRA-TD500Total-Text
PRFPRF
HTBNet_res18 (Ours)10389.3 81.2 85.1 86.6 81.1 83.8
HTBNet_res18 (Ours)1089.5 81.3 85.2 86.8 81.4 84.0
HTBNet_res18 (Ours)3089.6 81.0 85.1 87.0 79.7 83.2
HTBNet_res18 (Ours)50389.5 81.2 85.1 86.6 81.5 84.0
HTBNet_res18 (Ours)1089.8 81.4 85.486.8 81.6 84.1
HTBNet_res18 (Ours)3090.1 80.9 85.3 87.0 81.1 83.9
HTBNet_res18 (Ours)250389.5 81.0 85.0 86.4 81.6 83.9
HTBNet_res18 (Ours)1089.7 81.2 85.2 86.6 81.6 84.0
HTBNet_res18 (Ours)3090.1 80.5 85.0 86.9 81.0 83.8
Table 7. Detection ablation results on hyper-parameters with backbone of ResNet50.
Table 7. Detection ablation results on hyper-parameters with backbone of ResNet50.
ModuleKMultiplication FactorMSRA-TD500Total-Text
PRFPRF
HTBNet_res50 (Ours)10391.8 83.1 87.2 91.0 80.8 85.6
HTBNet_res50 (Ours)1092.0 83.3 87.4 91.2 81.0 85.8
HTBNet_res50 (Ours)3092.2 82.8 87.2 91.5 80.5 85.6
HTBNet_res50 (Ours)50392.0 83.2 87.4 91.1 81.0 85.8
HTBNet_res50 (Ours)1092.2 83.3 87.591.3 81.3 86.0
HTBNet_res50 (Ours)3092.5 82.8 87.4 91.6 80.7 85.8
HTBNet_res50 (Ours)250392.0 82.5 87.0 90.5 81.2 85.6
HTBNet_res50 (Ours)1092.1 83.1 87.4 90.8 81.4 85.8
HTBNet_res50 (Ours)3092.3 82.6 87.2 91.2 80.6 85.6
Table 8. Detection results on Total-Text dataset. “P”, “R”, and “F” indicate precision, recall, and F1 Score, respectively. * represents the result is unknown.
Table 8. Detection results on Total-Text dataset. “P”, “R”, and “F” indicate precision, recall, and F1 Score, respectively. * represents the result is unknown.
MethodsP (%)R (%)F (%)Params (M)FPS
TextSnake [21]82.774.578.4218.9*
PixelLink [20]53.552.753.1218*
ATTR [36]76.280.978.5**
SAE [22]82.777.880.1**
PAN [24]89.3818546.839.6
MSR [37]7385.278.6**
DRRG [45]84.986.585.7198.6*
DenseTextPVT [49]89.480.184.7**
DB++_res18 [46]87.479.683.355.948
DB++_res50 [46]88.983.286116.328
DB_res18 (baseline) [26]88.377.982.855.350
DB_res50 (baseline) [26]87.182.584.7115.732
HTBNet_res18 (ours)86.881.684.155.549
HTBNet_res50 (ours)91.381.386115.830
Table 9. Detection results on MSRA-TD500. * represents the result is unknown.
Table 9. Detection results on MSRA-TD500. * represents the result is unknown.
MethodsP (%)R (%)F (%)Params (M)FPS
TextSnake [21]83.273.978.3218.91.1
PixelLink [20]8373.277.82183
ATTR [36]82.185.283.6*10
SAE [22]84.281.782.9**
PAN [24]84.483.884.146.830.2
MSR [37]76.787.481.7**
DRRG [45]82.388.185.1198.6*
PCBSNet [47]9076.782.8**
TDGCN [48]89.785.187.4**
DB++_res18 [46]87.982.585.155.955
DB++_res50 [46]91.583.387.2116.329
DB_res18 (baseline) [26]90.476.382.855.362
DB_res50 (baseline) [26]91.579.284.9115.732
HTBNet_res18 (ours)89.881.485.455.556
HTBNet_res50 (ours)92.283.387.5115.830
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Chen, Z. (HTBNet)Arbitrary Shape Scene Text Detection with Binarization of Hyperbolic Tangent and Cross-Entropy. Entropy 2024, 26, 560. https://doi.org/10.3390/e26070560

AMA Style

Chen Z. (HTBNet)Arbitrary Shape Scene Text Detection with Binarization of Hyperbolic Tangent and Cross-Entropy. Entropy. 2024; 26(7):560. https://doi.org/10.3390/e26070560

Chicago/Turabian Style

Chen, Zhao. 2024. "(HTBNet)Arbitrary Shape Scene Text Detection with Binarization of Hyperbolic Tangent and Cross-Entropy" Entropy 26, no. 7: 560. https://doi.org/10.3390/e26070560

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop