Next Article in Journal
Environment-Aware Rendering and Interaction in Web-Based Augmented Reality
Previous Article in Journal
ReUse: REgressive Unet for Carbon Storage and Above-Ground Biomass Estimation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

DCTable: A Dilated CNN with Optimizing Anchors for Accurate Table Detection

1
Sercom Laboratory, Ecole Polytechnique de Tunisie, Université de Carthage, La Marsa 2078, Tunisia
2
Perception, Robotics, and Intelligent Machines (PRIME), Department of Computer Science, Université de Moncton, Moncton, NB E1A 3E9, Canada
*
Authors to whom correspondence should be addressed.
J. Imaging 2023, 9(3), 62; https://doi.org/10.3390/jimaging9030062
Submission received: 22 December 2022 / Revised: 19 February 2023 / Accepted: 23 February 2023 / Published: 7 March 2023
(This article belongs to the Topic Computer Vision and Image Processing)

Abstract

:
With the widespread use of deep learning in leading systems, it has become the mainstream in the table detection field. Some tables are difficult to detect because of the likely figure layout or the small size. As a solution to the underlined problem, we propose a novel method, called DCTable, to improve Faster R-CNN for table detection. DCTable came up to extract more discriminative features using a backbone with dilated convolutions in order to improve the quality of region proposals. Another main contribution of this paper is the anchors optimization using the Intersection over Union (IoU)-balanced loss to train the RPN and reduce the false positive rate. This is followed by a RoI Align layer, instead of the ROI pooling, to improve the accuracy during mapping table proposal candidates by eliminating the coarse misalignment and introducing the bilinear interpolation in mapping region proposal candidates. Training and testing on a public dataset showed the effectiveness of the algorithm and a considerable improvement of the F1-score on ICDAR 2017-Pod, ICDAR-2019, Marmot and RVL CDIP datasets.

1. Introduction

The wide use of paper documents in several domains such as finance, business and sciences has pushed researchers to develop digitization solutions and invest in its related technologies, from scanning to data extraction. In this context, Document Image Analysis and Recognition (DIAR) systems were designed to reduce human efforts and errors in information extraction from scanned documents [1]. Therefore, various processes, including invoice processing in manufacturing, have become automatic. Actually, in an invoice with a sophisticated template, the data are not narrative but organized in tables. Therefore, there is a need for the accurate extraction of data presented in tables. Table detection was always considered as a part of the document image analysis process [2] performed in a prepossessing step for OCR (Optical Character Recognition). For this purpose, a great deal of table detection techniques were proposed for several formats of documents (PDF or raster images [3]). While PDF is a vectorized representation that facilitates document reproduction to devices, such as a printer, the raster image is produced by a scanner or camera-capture and represented by pixels [4]. The table detection is a well-studied topic in the area of the document analysis community. Regardless of its layout, it is quite easy for humans to find and read a table in a document. However, for an algorithm, it is more difficult for two reasons. The first one is the high intra-class variance of tables where the system has to cope with different layouts and sizes as it could be missing ruling lines, nested rows and columns, etc., especially when it comes to small tabular regions. The second reason is the low inter-class variance between tables where other data containers, such as figures and charts, risk being mistakenly localized/classified as tables due to the similarity among them. This risk could affect successful data extraction workflow and yet increases false positives.
Driven by the enthusiasm on region-based CNN (R-CNN) [5] and its further improvements, many researchers took advantage of the novel blend of R-CNN in various tasks. Fast R-CNN [6] generates region proposals from extracted feature maps and reshapes them into a fixed size using a ROI pooling layer. Fast R-CNN is comparatively fast to R-CNN in both training and tests. Faster R-CNN [7] came up with an object detection algorithm that eliminates the selective search algorithm and allows the region proposal network (RPN) to learn the region proposals. A RPN is a fully convolutional network that predicts positions and probability scores for each region proposal [7]. RPN and Fast R-CNN are merged into a single network so that the RPN component tells the Fast R-CNN where to look. By introducing the valuable region proposal networks (RPN) [6], Faster R-CNN [7] gained a large amount of interest from the table detection community [3]. In 2017, the very first deep learning table detection approach was proposed in [8], where authors used the Faster R-CNN [7]. Faster R-CNN was extended by the Mask R-CNN [9] with a branch for predicting an object mask in parallel with the segmentation masks on each RoI (Region of Interest) for bounding box recognition. Then, many works adopted the Mask R-CNN [9] for more accurate table detection tasks. Since then, researchers in the table detection community have started to use a number of efficient developed deep learning frameworks, such as in [10,11].
Despite the impressive results of Faster R-CNN in table detection, this task still remains a serious challenge. The confusion problem between tables and charts produces a considerable number of false positives and consequently, affects the performance. Moreover, small tabular regions also represent a serious problem in the table detection since they risk being classified as background. When analyzing the Faster R-CNN, we noticed the following problems: (i) It is true that the region proposal network (RPN) is designed to generate region proposals with different scales based on anchor boxes. However, the authors in [7] have shown that anchor boxes are not sufficient to obtain accurate detection, and this could be caused by the down-sampling operation in the convolutions layer. A typical convolutional layer has a fixed scale and uses a fixed receptive field in the whole document. Thus, small tables risk being missed, which consequently increases the recall rate of object proposals; and (ii) at each location in the feature map, the RPN predicts the objectness score, which indicates whether the anchor is positive or negative: anchors with a high IoU overlap with the ground truth are classified as positives, otherwise they are considered as negatives. It was reported in [12] that filtering the majority of positive anchors alleviates the foreground–background class imbalance and drives the R-CNN to outperform other frameworks such as SSD [13] and YOLO [14]. However, the confusion problem remains with Faster R-CNN and stems from an important rate of false positives. This is simply because the objectness score do not precisely reflect the correct location in the region proposal. In other words, an anchor box may contain an object different from the interest object, but the later is classified as a positive anchor even though it is a negative anchor and its localization is not an object of interest. Consequently, this kind of anchor could degenerate the RPN with false positives and lead to the confusion problem. (iii) The RoI pooling layer suffers from the lack of accuracy caused during mapping region proposal coordinates on the feature map and using max pooling to aggregate features.
In order to remedy the underlined problems, we use a newly introduced detection method based on Faster-RCNN, called "DCTable", to detect and localize tables. The key contributions of this paper are the following:
  • We use a dilated VGG-16 network for the feature extraction where we remove the downsampling (in max-pooling and strided convolution). This leads to the expansion of the receptive fields of the conv_4 and conv_5, thus obtaining more discriminative features and preventing both confused and missed detections.
  • We leverage the great potential of weighted IoU in the correlated IoU balanced-loss functions [15] to improve the localization accuracy of the RPN and alleviate the confusion problem.
  • We introduce the bilinear interpolation in the Faster R-CNN in order to ensure a mapping based on exact spatial locations and correctly align the extracted features with the input by replacing the typical RoI pooling with the RoIAlign layer.
  • We evaluate the enhanced approach on four datasets using not only a Precision-Recall space, but also the ROC space to show how much our approach improves localization.
The remainder of this paper is organized as follows. Section 2 presents related works. Section 3 describes the details of our proposed methodology for table detection in scanned documents. Materials in terms of the used datasets and metrics are defined, respectively, in Section 4 and Section 5. The obtained results are discussed in Section 6. Finally, Section 7 concludes the paper.

2. Related Works

Research on table detection started in the 2000s, before the emergence of deep learning-based methods. This task was performed in a hand-crafted way using rules and heuristics [16,17]. Later, many machine learning techniques were used for table detection tasks, which led to a significant improvement of the table detection accuracy, as in [18,19,20]. When reviewing table detection related papers, we found that since 2017, a considerable amount of research effort was made using the groundbreaking object detector framework Faster R-CNN [7]. While some researchers proposed two- or multistage table detection processes where they were used to prepossess document images, others explored Faster R-CNN [7] with different backbones to perform table detection tasks.

2.1. Heuristics-Based Table Detection

Kienninger et al. [16] proposed the known T-recs system, which relies on word grouping into columns to identify table cells. These methods are outperformed by machine learning techniques. The authors in [17] introduced the first learning-based approach where they represented a document by a MXY tree from which they identified blocks with horizontal and vertical lines. By 2015, a new wave of introduced works defined table detection tasks in the form of object-detection problems and proved that this paradigm works efficiently for such tasks. In this context, table regions were located and extracted using local thresholds for word space and line height from scanned document images in [20]. An alternative approach was proposed in [21] and presented a regions of interest-based method and the spatial arrangement of extracted text blocks.

2.2. Learning-Based Table Detection

A table detection task was performed in [18] with the Hidden-Markov-Models and in [19] where the SVMs were applied to hand-crafted features. In 2017, the most first work [8] used Faster R-CNN [7] to pre-process data with the Euclidean distance transform, the linear distance transform and the max distance transform. Then, Faster R-CNN was fine-tuned to detect tabular regions. Another method based on pre-processing is proposed in [22], where authors assume that colors would boost the ability of Faster R-CNN in distinguishing table regions. For such, they use to feed a colored document image to Faster R-CNN. The proposed method applied a distance transform to the blue channel only and reached a good result with the fine-tuned Faster R-CNN based on a ResNet backbone [23]. NLPR-PAL, owner of the best method on ICDAR 2017 table detection tasks [24], is a multistage approach where authors start by classifying the connected component into text, figures and tables with SVM. Then, they merge the obtained figures and tables and apply Faster R-CNN to distinguish the connected component of tables from those of figures. Another research work [25] uses Faster R-CNN and combines it with the table corner locating method to remedy the problem of missed table boundaries. Furthermore, the authors in [10] adopted YOLOv3 [26] by including an anchor optimization strategy and two post processing methods to solve the problem of inaccurate edges detection, which directly affects the system performance.
We also notice that there are some works [27,28] that simply fine-tune Faster R-CNN to the table detection task. In the same context, Casado-Garcìa et al. [29] conduct a comprehensive study on the benefits of close domain fine tuning by comparing Mask R-CNN [9], Retina [12], SSD [13] and YOLO [14]. They show that in addition to solving the problem of data scarcity and avoiding overfitting, fine tuning from a close domain considerably improves the accuracy of the produced model.
Instead of typical convolutions, the deformable convolutions are used in many works in order to leverage the power of adapting the receptive field of the network to the size of the input table. The authors in [30] equip Faster R-CNN with a deformable ResNet-101 backbone. The deformable receptive field is also introduced to the RoI pooling in order to adapt its receptive fields to random scales and transformations of the input. The authors in [31] presented the first multistage deep neural network for table detection where the main structure of this network is based on the Cascade Mask R-CNN [32] with a composite backbone [33] having a deformable convolution for detecting tables in different scales. A novel backbone, the HybridTabNet (HTC) [34], was recently used in [35] for table detection task. The authors take advantage from this deformable backbone as a unified network for joint object detection and segmentation. In addition, CasTabDetectoRS [36] is another a novel table detection method that is based on Cascade Mask R-CNN [32] combined with Recursive Feature Pyramid Network [37] and Switchable Atrous Convolution [38] as backbones. An alternative approach to convolutional networks is proposed in [11]. The authors use Graph Neural Networks (GNN) for table table detection in invoices.
Most of the mentioned works in the field of table detection achieved significant results on a variety of datasets. However, and to the best of our knowledge, there are two important aspects of the table as an object that need to be studied more, which are the figure-like layout and the small size of the table.

3. Method

In this section, we illustrate the main contribution of this paper, which presents our proposed method, DCTable (as shown in Figure 1). An input document image is fed to the VGG-16 with dilated convolution layers in order to extract features. On top of these feature extractors, an RPN (Region Proposal Network) is constructed to simultaneously predict table region coordinates and objectness scores. This RPN is trained using high correlated IoU-balanced losses. Then, the obtained candidates are fed to the RoIAlign layer, which performs the bilinear interpolation on the mapping table region coordinates on the feature maps and pooling features.

3.1. Feature Extractor with Dilated Convolutions

Since the first implementation of Faster R-CNN [7], where the authors used VGG-16 [39] as the most deepest CNN, it becomes the default baseline backbone architecture. Moreover, the authors in [40] are the only ones who used dilated convolutions to build a VGG-16 [39] for tables and charts classification. Motivated by their results, we implement DCTable based on dilated VGG-16 along with the replacement of conventional convolutions with dilated ones. A dilated convolution is defined in [41] as a d-dilation convolution where d is the dilation factor:
( F d k ) = s + d t = p F ( s ) k ( t )
where k: R r R is a discrete filter of size ( 2 d + 1 ) 2 . If d = 1 , then the convolution is a 1−dilated convolution and it refers to the typical convolution. A convolution with a dilation factor d = 1 exponentially expands the receptive field and drops the down-sampling operation to avoid loss of resolution.
As illustrated by Figure 1, the backbone is composed of strided convolutional layers in the three first blocks with d = 1 and where each one is followed by a pooling layer. Thus, the size of the feature map decreases from 600 × 600 to 75 × 75 . Then, we replace the typical convolutional layers in the con_4 and conv_5 with dilated ones where the used dilation rates are d = 2 and d = 3 , respectively. We remove the pooling layers so the size of the feature map remains unchanged. It was shown in [42] that stacking dilated convolution kernels with a fixed dilation rate causes the gridding issue, which refers to losing important features in the feature map. In a dilated convolution, the receptive field covers only locations with non-zero padding. This problem was alleviated in [43], by removing the max-pooling in the model to reduce the high-amplitude and high-frequency. However, the problem is exacerbated on the top-most layers. That is why the HDC [42] came up to further reduce the gridding by using arbitrary dilation rates without using a common factor through the network as in [40], which could generate a sparse sample from the input and lead to missing relevant information. This is important not only for small tables, but also for big ones without adding extra blocks as in [43]. For this reason, we used three different dilation rates the backbone. In Figure 2, we represent transformations produced on a filter by applying dilated convolutions with increased dilation rates on this filter.

3.2. IoU-Balanced Loss for Optimizing Anchors

A RPN is a fully convolutional network that simultaneously predicts object bounds and objectness scores at each position [7]. The famous cross-entropy loss and smooth L1 are adopted, respectively, for its two branches and are defined in Equation (2).
L ( p i , t i ) = 1 N c l s i L c l s ( p i , p i ˜ ) + λ 1 N r e g i p i ˜ L r e g ( t i , t i ˜ )
The classification loss L c l s is a logarithmic function over two classes, object and not object. The index of an anchor in a mini-batch is represented with i, and p i is the predicted probability of anchor i being an object. In the case where the anchor is positive, p i ˜ as the ground-truth label will be equal to 1, otherwise it will be 0.
For the regression loss, it is based on the robust loss function (smooth L1) where t i is a vector representing the four parameterized coordinates of the predicted bounding box, and t i ˜ is the vector of the ground-truth box associated with a positive anchor. However, the classification loss drives all the positive anchors to learn their high classification scores without considering their location quality. The regression loss L r e g is also activated only for positive anchors [7]. Thus, this weak correlation between classification and regression loss functions affects localization accuracy and increases the number of false positives. To strengthen this correlation and enhance the localization accuracy in a one-stage object detection framework, IoU-balanced loss functions [15] use weighted positives examples based on their localization accuracy. The IoU-classification loss is defined as follows:
L o s s c l s = i P o s N ω i ( I o U i ) CE ( p i , p ^ i ) + i N e g M CE ( p i , p ^ i )
This function (Equation (3)) is used to up-weight examples with high IoU and down-weight examples with low IoU as follows: P o s and N e g represent the sets of positive training examples and negative training examples, respectively. p i and p ^ i represent the predicted classification score and the corresponding ground truth label, respectively, with CE the cross-entropy loss. I o U i represents the regressed IoU for each regressed positive samples. w i ( I o U i ) represents the assigned weights to positive samples and is defined in Equation (4).
ω i ( I o U i ) = I o U i η i = 1 N CE ( p i , p ^ i ) i = 1 N I o U i n CE ( p i , p ^ i )
In Equation (2), the loss function is driven by a positive sample because the weight of all the samples is restricted to be binary 1 , 0 . Therefore, all the negative samples are suppressed since their weights are equal to 0. However, the IoU-loss classification function uses two properties of input anchors: the weight and the IoU, where the weight is assigned based on the IoU. Thus, different weights are assigned to all the input samples. In the mentioned equation, η controls to what extent the IoU-balanced classification loss focuses on examples with high IoU and suppresses examples with low IoU. For implementation, we fix η at 1.5 since, in the paper of [15], the detector achieves the best performance.
It is true that the Smooth L1 loss was used in [6] as robust against outliers compared to the Smooth L2 loss used in R-CNN [5]. According to the results of [44], the localization loss is driven by samples with low IoU, which represent outliers and dominate the gradients. Hence, there would be a significant degradation of the RPN performance. Motivated by this fact, IoU-balanced localization loss put more focus on inliers by assigning great weights to examples with high IoU and reducing weights of examples with low IoU as defined in Equation (5).
L o s s r e g = i P o s N m x , y , w , h ω i ( I o U i ) s m o o t h L 1 ( l i m g i m )
where,
ω i ( I o U i ) = ω l o c I o U i λ
In the defined equation, while ( l i x , l i y , l i w , l i h ) represents the parameterized coordinates of the predicted box, ( g i x , g i y , g i w , g i h ) represents the parameterized coordinates of the corresponding ground truth box. λ is defined to control to what extent IoU-balanced regression focuses on inliers and suppresses outliers. As mentioned in [15], the best performance is obtained when λ = 1.5 , so we use this value in all our experiments.

3.3. RoIAlign in DCTable

Faster R-CNN was designed to perform an object detection task and return the positions of the predefined classes. The output of the first stage is a set of region candidates described by a bounding box (r, c, h, w) into a feature map, where (r, c) represent its top-left corner and (h, w) represent the height and width, respectively. In the second stage, the predicted coordinates are used by the RoI pooling layer. This layer was defined in [6] as a downsampling operation that pools over local features extracted from different image feature maps and generates small features of the size ( H × W ) . The input of a RoI layer is, indeed, a set of feature maps containing object proposals where each one is described by the predicted coordinates, from the first stage, forming a bounding box (bbox). Let this bounding box be a tuple of float coordinates (x, y, h, w) where (x, y) represents its top-left corner and (h, w) the height and the width, respectively. In order to identify regions covered by RoI features meant to be pooled, the aforementioned coordinates are quantized into the discrete granularity of the feature map as shown in Figure 3. In other words, the RoI pooling rounds up every float coordinate to map the region proposal to the feature map and obtains a RoI with a size of h × w . The quantization is also performed on this RoI by dividing it into a k × k grid where k = h / H and k = w / W and the features of each subgrid are aggregated by a max pooling operation [9]. Figure 3a shows the evident misalignment caused by not only the quantizing-based mapping of the RoI to the feature map, but also dividing the RoIs into bins, so that the new position of the spatial coordinates impacts the bounding box accuracy.
Faster R-CNN was extended by the Mask R-CNN [9] with a branch to perform a pixel-level object instance segmentation by predicting an object mask in parallel with the segmentation masks on each RoI (Region of Interest) for bounding box recognition. To avoid the coarse misalignment produced by the RoI pooling, the authors of [9] also introduced the RoIAlign as a quantization-free layer that uses bilinear interpolation [45] to ensure a mapping based on exact spatial locations and correctly aligns the extracted features with the input. The RoIAlign cancels every quantization performed on any coordinates and the bins of the RoI. In Figure 3b, we represent a feature map by a dashed grid while the mapped RoI is represented by a green rectangle with solid lines. This RoI is divided into 2 × 2 bins where each bin contains four sampling points represented by dark dots. Using the bilinear interpolation, the value of each sampling point is computed using the bilinear interpolation from the nearby grid points on the feature map. Figure 4 shows that bilinear interpolation is performed through linear interpolation in two directions. The values of points A1, A2, A3, and A4 are known, and let P be the unknown point that will be computed as follows. Firstly, R1 is obtained by a linear interpolation of A1 and A2 applied in the x direction, also R2 is obtained by interpolating A4 and A3:
f ( R 1 ) x 2 x x 2 x 1 ( A 1 ) + x x 1 x 2 x 1 f ( A 2 )
f ( R 2 ) x 2 x x 2 x 1 ( A 4 ) + x x 1 x 2 x 1 f ( A 3 )
Then, P is obtained by a linear interpolation of R1 and R2 in the y direction:
f ( P ) y 2 y y 2 y 1 f ( R 1 ) + y y 1 y 2 y 1 f ( R 2 )

4. Datasets

In order to show the effectiveness of the proposed methodology, we evaluate our new model on publicly available datasets: ICDAR-POD2017, ICDAR-2019, Marmot, and RVL-CDIP.

4.1. ICDAR-POD2017

This dataset has been released for a competition (ICDAR-2017 POD) [24] focusing on specific page objects comprising the detection of tables from images. According to the competition paper, the dataset exhibits a good variety in object styles including formulae, tables, graphics and figures. There are 817 images containing 317 tables. In this paper, we used about 900 images where the table region is used as a positive example while the background (paragraphs, figures and equations) is considered a negative example.

4.2. ICDAR-2019

The cTDaR competition aims at investigating and comparing general methods that can reliably and robustly identify the table regions within a document image on the one hand, and the table structure on the other hand [46]. In the paper of the cTDAR competition [46], two datasets were introduced. While the first one was presented for table detection (TRACK A), the second one was for table recognition (TRACK B). Those datasets consist of modern printed documents and archival documents. In this paper, we use TRACK A to train and test our proposed approach.

4.3. Marmot

The Marmot Dataset contains 2000 pages in PDF format, where most of the examples are from research papers, and contains 958 table labels [47]. The dataset is composed of Chinese and English pages. The Chinese pages were selected from over 120 e-Books with diverse subject areas provided by Founder Apabi library, and no more than 15 pages were selected from each book, while the English pages were crawled from Citeseer website. The e-Book pages are mostly in a one-column layout, while the English pages are mixed with both one-column and two-column layouts. When reviewing table detection related papers, we found that all existing works, such as [30,35], trained their frameworks using ICDAR 2017-POD and took Marmot as a testing dataset for evaluation. Therefore, we follow in our experiments the same protocol and we used the cleaned version of this set published by [27] to evaluate our model fine-tuned on ICDAR 2017-POD.

4.4. RVL-CDIP

RVL-CDIP [48] contains 400,000 grayscale images, which are categorized into 16 classes with 25,000 images per class. We annotate the region tables and backgrounds (logo, text, etc) of only 600 invoices. We used the prepared set to train and evaluate the performance of our models on scanned documents with noise. So, we randomly split the prepared set into a training and test set. While 80% are used to train the model, the remaining 20% are used to evaluate the performance of our model on noisy data such as RVL CDIP.

5. Evaluation Metrics

Many performance metrics have been mentioned in the literature and have been used by researchers in the evaluation of table detection algorithms.

5.1. Precision-Recall Space

As with any learning method, the efficiency of any model is determined using measures such as true positive (TP), false positive (FP), true negative (TR) and false negative (FN). It is worth mentioning that the performance evaluations are always based on a trade-off between the true positive and true negative rate, and between recall and precision. Consequently, the F1-score is the harmonic mean of both recall and precision and is widely used in this domain.
R e c a l l = T P T P + F N
P r e c i s i o n = T P T P + F P
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
In our experiments, we assess our models using the intersection over union (IoU) of the predicted bounding box against the ground truth ones, which is defined as:
I o U = P T P T
where P and T are the predicted bounding boxes and the ground truth regions, respectively.

5.2. ROC Space

We use Receiver Operator Characteristic (ROC) [49] curves that show how the number of correctly classified positive examples varies with the number of incorrectly classified negative examples. In ROC space, the False Positive Rate (FPR) and the True Positive Rate (TPR) are plotted on the x-axis and the y-axis, respectively. While the FPR indicates negative examples that are miss-classified as positive, the TPR measures the positive examples that are correctly classified.
T P R = T P T P + F N
F P R = F P F P + T N

6. Results and Discussion

This section provides details on the different experiments performed to train and evaluate our approach, DCTable.
In the experiment, we evaluate the effectiveness of our approach, DCTable, including the dilated convolutions, the IoU balanced loss and the RoIAlign. We implement four different models as follows:
  • DCTable-A: a Faster R-CNN based on a simple VGG-16. We use the default implementation as in [6]. The output regions proposals are fed into the RoI Pooling layer. The RPN is trained using the typical loss function as defined in the original paper [7].
  • DCTable-B: a Faster R-CNN based on a dilated VGG-16. We replaced conventional convolutions of the conv_4 and conv_5 with dilated ones where the used dilation rates are d = 2 and d = 3 , respectively. The output region proposals are fed into the RoIALign layer. The RPN is trained using the typical loss function as defined in the original paper [7].
  • DCTable-C: we replaced the typical loss function in the RPN in DCTable-A with the IoU-balanced loss function.
  • DCTable: we replace the loss functions of the RPN in DCTable-B with the IoU-balanced loss function.
We used the pretrained weights of VGG-16 from ImageNet as the backbone of the Faster R-CNN. The training images are resized to 600 × 600 and we use for all models three different anchor ratios: 0.5, 1 and 2, and three different anchor scales: 128 × 128, 256 × 256 and 512 × 512. Our models are optimized for 2500 epochs (with 32 as batch size) using Adam as an optimizer starting from a learning rate as 0.00001. In order to avoid overfitting, we use random horizontal flips for data augmentation.
In all our experiments, training and testing were performed with Tensorflow on the Google Colab Pro platform, using a Tesla T4 GPU.

Effectiveness of IoU-Balanced Loss

As shown above, we set-up the loss functions of the RPN. So, we compare two different trained RPNs: RPN with the typical cross-entropy, which is regarded as the classification loss function, and the IoU-balanced classification loss, which is regarded as the regression loss. The changes of the different loss functions on classification and regression are shown, respectively, in Figure 5a,b during the training of the RPN. As the training progresses, the value of the loss function continuously decreases. The loss function stabilizes and reaches a minimum after the first 20 epochs. For the regression function, it is obvious in Figure 5b that it reaches a minimum quickly. Thus, it can be seen that IoU-balanced losses-based RPN has a higher convergence speed than the typical RPN in terms of all the performance indexes.

6.1. Test Performance on ICDAR2017

Table 1 reports the obtained results on ICDAR 2017 where we use two different IoU thresholds of 0.6 and 0.8. Thanks to the potential of the dilated convolutions and the RoIAlign, our method produced a tightly bounding box. It is obvious in the mentioned table that the DCTable-B is more accurate and enhances the F1-score by 4% at 0.8 IoU compared to DCTable-A. By introducing the IoU-balanced loss functions, and compared to DCTable-B, DCTable improved the F1-score by 0.8% at 0.8 IoU. The detected table in Figure 6 is the only under segmented region in the whole test set. At the same time, in ROC curve Figure 7, the DCTable achieves the best TPR since the AUC is of 95%. The AUC of DCTable-A is of 52%, which is caused by the confusion problem while, the AUC of DCTable-C is about 74%. This leads us to conclude the effectiveness of IoU-balanced loss in decreasing the FPR rate. At 0.6 IoU, our proposed DCTable reaches the best performance (an F1-score of 97.5%) compared to DeCNT and FastDetectors, which achieved an F1-score of 96.8% and 92.1%, respectively. Even at 0.8, we improve the F1-score by 3% (compared to [25]) and detect all the table corners without any extra post-processing.

6.2. Test Performance on ICDAR 2019

The detection results on ICDAR 2019 are reported in Table 2. Without dilated convolutions, IoU-balanced loss and RoIAlign, the DCTable-A only achieves a 87.8% F1-score at 0.9 IoU. However, DCTable-B improved the F1-score by 2% since the recall has been increased. Basically, this improvement stems from the dilated convolutions and RoIAlign. Moreover, we found that the DCTable moves towards the disappearance of missed detections, but also represents the best achievable configuration of the Faster R-CNN in terms of recall-precision and the tightness of the boxes at 0.9 IoU. Even at 0.8 IoU, the DCTable achieves the best state of the art performances compared to NLPR-PAL [24] and Lenovo Ocean [46]. At 0.6 IoU, the DCTable has been able to successfully detect all the table regions and achieved a 98.5% F1-score. It is obvious in the ROC curve in Figure 8 that the DCTable has the best AUC, which is 92%. We observed that the recall decreases while increasing the IoU, thus it causes some missing detections. Compared to the recall, the low precision is caused by some under-segmented and over-segmented bounding boxes as represented in Figure 9b,c. The dilated convolutions with RoIAlign in DCTable-B improve the quality of detections from 81% to 86% in terms of accurate localization, but still suffer from the high FPR, which depends on the FP produced from the confusion problem.

6.3. Test Performance on Marmot

The results in Table 3 show that DCTable-A fails to be accurate in table detection on the Marmot dataset. When comparing models DCTable-A and DCTable-C, we found that the precision has been increased by using IoU-balanced loss functions. So, this conduct proves that the weakness of localization and classification loss functions of the RPN is the harmful factor affecting the feature discrimination of DCTable-A. Consequently, and with the large variety in page layouts of the Marmot set, the model confuses between tabular regions and other objects such as figures and charts. The RoC curve also shows that DCTable-A suffers from high FPR compared to DCTable-C. Even DCTable-B was not able to handle the confusion problem (the precision is about 70.5%) while achieving an AUC of 80% and improved the recall, which is of 1 at 0.5 IoU. However, the DCTable came up with the dilated convolutions, high correlated IoU-balanced loss and RoIAlign to produce correct detections and achieve the best AUC in Figure 10, which is of 87%. Compared to the state-of-the-art, our DCTable achieves the best F1-score at both 0.5 and 0.9 IoU with, respectively, 96.6% and 96.9%. Figure 11 shows some of the errors that occurred during table detection such as false positive, but also correct detections.

6.4. Test Performance on RVL-CDIP

Despite the noise in the RVL-CDIP set, our models performed well on this dataset, as shown in Table 4. DCTable-B outperforms DCTable-A. This result is due to the increased number of overlapped detections. Furthermore, DCTable-A fails to detect tables in a document image with a high level of noise and achieve good results at 0.5 IoU. Additionally, it is obvious in Figure 12 that DCTable achieves the better TPR with an AUC of 99%. Figure 13 shows some of the errors that occurred during table detection.

6.5. Test Performance with Leave-One-Out Scheme of DCTable

In this section and inspired by [30,35], we present the cross-dataset performance of DCTable following a leave-one-out scheme. In order to evaluate the generalization capabilities of DCTable, we defined four schemes as follows:
  • Scheme 1: DCTable is trained on a combining set composed of ICDAR 2019, Marmot and RVL CDIP and tested on ICDAR 2017.
  • Scheme 2: DCTable is trained on a combining set composed of ICDAR 2017, Marmot and RVL CDIP and tested on ICDAR 2019.
  • Scheme 3: DCTable is trained on a combining set composed of ICDAR 2017, ICDAR 2019 and RVL CDIP and tested on Marmot.
  • Scheme 4: DCTable is trained on a combining set composed of ICDAR 2017, ICDAR 2019 and Marmot and tested on RVL CDIP.
We report the evaluation in Table 5, where we used the same IoU thresholds values 0.6, 0.8 and 0.9 to identify true positives. For scheme 1, the achieved F1-score decreased at 0.6 IoU by 1% compared to Table 1, but increased at 0.8 IoU by 1.2% to be the state-of the art result on ICDAR 2017. We found that the F1-score slightly decreased for scheme 2 and 3 compared to Table 2 and Table 3. For the forth scheme and compared to the results in Table 4, the F1-score dropped out because RVL CDIP is quite different from 97.3% to 75%, the combined training set of ICDAR 2017, ICDAR 2019 and Marmot in terms of the quality of scanned documents and also type (a set of noisy invoices). By analyzing the failure cases in all the test sets for the other schemes (1, 2 and 3), we found some detections drawn very far from the table border. In other cases, the empty regions of the tables are not inside the returned bounding boxes.

7. Conclusions and Future Work

In this paper, we propose a new detection method, called "DCTable", for table detection where we combine the dilated convolution layers with RoIAlign. The RPN is trained using the IoU-balanced loss functions in order to improve localization accuracy. Experiments on public datasets show that our model, DCTable, generalized well on a variety of documents. By increasing the dilation rate in the backbone, we found a significant improvement in the recall. Additionally, using the bilinear interpolation based RoIAlign, a suitable bounding box is obtained for most of the detected tables. Moreover, training the RPN using IoU-balanced loss contributes to enhancing the accuracy of the localization by decreasing the false positive rates.
In this paper, our work yields interesting results by improving the F1-score on ICDAR-2017, ICDAR 2019 and Marmot. However, it still suffers from some localization errors on those datasets that may be caused by the lack of some visual cues or missed global information during feature extraction. As future work, we will pursue the search with attention mechanism [50] in order to improve the CNN performance during training and predictions on large scale datasets.

Author Contributions

Conceptualization, T.K.; methodology, T.K.; software, A.A.; validation, W.S.M., M.A.A. and M.J.; investigation, W.S.M.; data curation, T.K.; writing—original draft, T.K. and A.A.; writing—review and editing, W.S.M., M.A.A. and M.J.; supervision, W.S.M. and M.J.; project administration, R.A.; funding acquisition, M.A.A. and R.A. All authors have read and agreed to the published version of the manuscript.

Funding

This research was enabled in part by support provided by the Natural Sciences and Engineering Research Council of Canada (NSERC), funding reference number RGPIN-2018-06233.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

All data used in this work are available publicly. See Section 4 for the sources of the data used.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Marinai, S. Introduction to Document Analysis and Recognition. In Studies in Computational Intelligence; Springer: New York, NY, USA, 2008; pp. 1–20. [Google Scholar] [CrossRef] [Green Version]
  2. Faisal, S.; Smith, R. Table detection in heterogeneous documents. In Proceedings of the 9th IAPR International Workshop on Document Analysis Systems, Boston, MA, USA, 9–11 June 2010; pp. 65–72. [Google Scholar] [CrossRef] [Green Version]
  3. Hashmi, K.A.; Liwicki, M.; Stricker, D.; Afzal, M.A.; Afzal, M.A.; Afzal, M.Z. Current Status and Performance Analysis of Table Recognition in Document Images with Deep Neural Networks. IEEE Access 2021, 9, 87663–87685. [Google Scholar] [CrossRef]
  4. Bhowmik, S.; Sarkar, R.; Nasipuri, M.; Doermann, D. Text and non-text separation in offline document images: A survey. Int. J. Doc. Anal. Recognit. 2018, 21, 1–20. [Google Scholar] [CrossRef]
  5. Girshick, R.; Donahue, J.; Darrell, T.; Malik, J. Rich feature hierarchies for accurate object detection and semantic segmentation. In Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, USA, 23–28 June 2014; pp. 580–587. [Google Scholar] [CrossRef] [Green Version]
  6. Girshick, R. Fast R-CNN. In Proceedings of the 2015 IEEE International Conference on Computer Vision (ICCV), Santiago, Chile, 7–13 December 2015; pp. 1440–1448. [Google Scholar] [CrossRef]
  7. 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] [PubMed] [Green Version]
  8. Gilani, A.; Qasim, S.R.; Malik, I.; Shafait, F. Table detection using deep learning. In Proceedings of the 14th IAPR International Conference on Document Analysis and Recognition (ICDAR), Kyoto, Japan, 9–15 November 2017; Volume 1, pp. 771–776. [Google Scholar] [CrossRef]
  9. He, K.; Gkioxari, G.; Dollár, P.; Girshick, R. Mask R-CNN. In Proceedings of the IEEE International Conference on Computer Vision (ICCV), Venice, Italy, 22–29 October 2017; pp. 2961–2969. [Google Scholar] [CrossRef]
  10. Huang, Y.; Yan, Q.; Li, Y.; Chen, Y.; Wang, X.; Gao, L.; Tang, Z. A yolo-based table detection method. In Proceeding of the 2019 International Conference on Document Analysis and Recognition (ICDAR), Sydney, NSW, Australia, 20–25 September 2019; pp. 813–818. [Google Scholar] [CrossRef]
  11. Riba, P.; Dutta, A.; Goldmann, L.; Fornés, A.; Ramos, O.; Lladós, J. Table detection in invoice documents by graph neural networks. In Proceedings of the 2019 International Conference on Document Analysis and Recognition (ICDAR), Sydney, NSW, Australia, 20–25 September 2019; pp. 122–127. [Google Scholar] [CrossRef] [Green Version]
  12. Lin, T.; Goyal, P.; Girshick, R.; He, K.; Dollár, P. Focal loss for dense object detection. In Proceedings of the 2017 IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2980–2988. [Google Scholar] [CrossRef] [Green Version]
  13. Liu, W.; Anguelov, D.; Erhan, D.; Szegedy, C.; Reed, S.; Fu, C.; Berg, A.C. SSD: Single shot multibox detector. In Proceedings of the 2016 European Conference on Computer Vision, Amsterdam, The Netherlands, 11–14 October 2016; pp. 21–37. [Google Scholar] [CrossRef] [Green Version]
  14. Redmon, J.; Divvala, S.; Girshick, R.; Farhadi, A. You only look once: Unified, real-time object detection. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar] [CrossRef] [Green Version]
  15. Wu, S.; Yang, J.; Wang, X.; Li, X. IoU-balanced loss functions for single-stage object detection. Pattern Recognit. Lett. 2022, 156, 96–103. [Google Scholar] [CrossRef]
  16. Kieninger. T. Table structure recognition based on robust block segmentation. Doc. Recognit. 1998, 3305, 22–32. [Google Scholar] [CrossRef]
  17. Cesarini, F.; Marinai, S.; Sarti, L.; Soda, G. Trainable table location in document images. In Proceedings of the 2002 International Conference on Pattern Recognition, Quebec City, QC, Canada, 11–15 August 2002; IEEE: New York, NY, USA, 2002; pp. 236–240. [Google Scholar] [CrossRef]
  18. e Silva, A.C. Learning rich hidden markov models in document analysis: Table location. In Proceedings of the 2009 International Conference on Document Analysis and Recognition, Washington, DC, USA, 26–29 July 2009; pp. 843–847. [Google Scholar] [CrossRef]
  19. Kasar, T.; Barlas, P.; Adam, S.; Chatelain, C.; Paquet, T. Learning to detect tables in scanned document images using line information. In Proceedings of the 12th International Conference on Document Analysis and Recognition, Washington, DC, USA, 25–28 August 2013; pp. 1185–1189. [Google Scholar] [CrossRef] [Green Version]
  20. Jahan, M.A.C.A.; Ragel, R.G. Locating tables in scanned documents for reconstructing and republishing. In Proceedings of the 7th International Conference on Information and Automation for Sustainability, Colombo, Sri Lanka, 22–24 December 2014; pp. 1–6. [Google Scholar] [CrossRef]
  21. Tran, D.N.; Tran, T.A.; Oh, A.; Kim, S.H.; Na, I.S. Table detection from document image using vertical arrangement of text blocks. Int. J. Contents 2015, 11, 77–85. [Google Scholar] [CrossRef] [Green Version]
  22. Saman, A.; Faisal, S. Table detection in document images using foreground and background features. In Proceedings of the 2018 Digital Image Computing: Techniques and Applications (DICTA), Canberra, ACT, Australia, 10–13 December 2018; pp. 1–8. [Google Scholar]
  23. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the 2016 International Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef] [Green Version]
  24. Gao, L.; Yi, X.; Jiang, Z.; Hao, L.; Tang, Z. ICDAR 2017 competition on page object detection. In Proceedings of the 14th IAPR International Conference on Document Analysis and Recognition (ICDAR), Kyoto, Japan, 9–15 November 2019. [Google Scholar] [CrossRef]
  25. Zhu, N.S.Y.; Hu, X. Faster R-CNN based table detection combining corner locating. In Proceedings of the 2019 International Conference on Document Analysis and Recognition (ICDAR), Sydney, NSW, Australia, 20–25 September 2019; IEEE: New York, NY, USA, 2019; pp. 1314–1319. [Google Scholar] [CrossRef]
  26. Redmon, J.; Farhadi, A. Yolov3: An incremental improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
  27. Schreiber, S.; Agne, S.; Wolf, I.; Dengel, A.; Ahmed, S. DeepDeSRT: Deep learning for detection and structure recognition of tables in document images. In Proceedings of the 14th IAPR International Conference on Document Analysis and Recognition (ICDAR), Kyoto, Japan, 9–15 November 2017; IEEE: New York, NY, USA, 2017; pp. 1162–1167. [Google Scholar] [CrossRef]
  28. Li, M.; Cui, L.; Huang, S.; Wei, F.; Zhou, M.; Li, Z. Tablebank: Table benchmark for image-based table detection and recognition. In Proceedings of the 12th Language Resources and Evaluation Conference, Marseille, France, 11–16 May 2020; pp. 1918–1925. [Google Scholar]
  29. Casado-García, Á.; Domínguez, C.; Heras, J.; Mata, E.; Pascual, V. The benefits of close-domain fine-tuning for table detection in document images. In International Workshop on Document Analysis Systems; Springer: Cham, Switzerland, 2020; pp. 199–215. [Google Scholar] [CrossRef]
  30. Siddiqui, S.A.; Malik, M.I.; Agne, S.; Dengel, A.; Ahmed, S. DeCNT: Deep deformable cnn for table detection. IEEE Access 2018, 74151–74161. [Google Scholar] [CrossRef]
  31. Agarwal, M.; Mondal, A.; Jawahar, C.V. CDeC-NET: Composite deformable cascade network for table detection in document images. In Proceedings of the 2021 International Conference on Pattern Recognition (ICPR), Milan, Italy, 10–15 January 2021. [Google Scholar] [CrossRef]
  32. Cai, Z.; Vasconcelos, N. Cascade R-CNN: High quality object detection and instance segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2019, 43, 1483–1498. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  33. Liu, Y.; Wang, Y.; Wang, S.; Liang, T.; Zhao, Q.; Tang, Z.; Ling, H. CBNet: A novel composite backbone network architecture for object detection. Proc. Int. Conf. Artif. Intell. 2020, 34, 11653–11660. [Google Scholar] [CrossRef]
  34. Chen, K.; Pang, J.; Wang, J.; Xiong, Y.; Li, X.; Sun, S.; Feng, W.; Liu, Z.; Shi, J.; Ouyang, W.; et al. Hybrid task cascade for instance segmentation. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Long Beach, CA, USA, 15–20 June 2019; pp. 4969–4978. [Google Scholar] [CrossRef] [Green Version]
  35. Nazir, D.; Hashmi, K.A.; Pagani, A.; Liwicki, M.; Stricker, D.; Afzal, M.Z. HybridTabNet: Towards Better Table Detection in Scanned Document Images. Appl. Sci. 2021, 11, 8396. [Google Scholar] [CrossRef]
  36. Hashmi, K.A.; Pagani, A.; Liwicki, M.; Stricker, D.; Afzal, M.Z. CasTabDetectoRS: Cascade Network for Table Detection in Document Images with Recursive Feature Pyramid and Switchable Atrous Convolution. J. Imaging 2021, 7, 214. [Google Scholar] [CrossRef] [PubMed]
  37. Qiao, S.; Chen, L.C.; Yuille, A. DetectoRS: Detecting objects with recursive feature pyramid and switchable atrous convolution. In Proceedings of the 2021 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 10208–10219. [Google Scholar] [CrossRef]
  38. Chen, L.-C.; Papandreou, G.; Kokkinos, I.; Murphy, K.; Yuille, A.L. Deeplab: Semantic image segmentation with deep convolutional nets, atrous convolution, and fully connected crfs. IEEE Trans. Pattern Anal. Mach. Intell. 2018, 40, 834–848. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  39. Liu, S.; Deng, W. Very deep convolutional neural network based image classification using small training sample size. In Proceedings of the 3rd IAPR Asian Conference on Pattern Recognition (ACPR), Kuala Lumpur, Malaysia, 3–6 November 2015; pp. 730–734. [Google Scholar] [CrossRef]
  40. Isaak, K.; Pino, C.; Palazzo, S.; Rundo, F.; Giordano, D.; Messina, P.; Spampinato, C. A saliency-based convolutional neural network for table and chart detection in digitized documents. In Proceedings of the 2019 International Conference on Image Analysis and Processing, Trento, Italy, 9–13 September 2019; pp. 292–302. [Google Scholar] [CrossRef] [Green Version]
  41. Fisher, Y.; Koltun, V. Multi-scale context aggregation by dilated convolutions. In Proceedings of the 15th IEEE International Conference on Signal Processing (ICSP), Beijing, China, 6–9 December 2020; pp. 240–245. [Google Scholar] [CrossRef]
  42. Wang, P.; Chen, P.; Yuan, Y.; Liu, D.; Huang, Z.; Hou, X.; Cottrell, G. Understanding convolution for semantic segmentation. In Proceedings of the 2018 IEEE winter conference on applications of computer vision (WACV), Lake Tahoe, NV, USA, 12–15 March 2018; pp. 1451–1460. [Google Scholar] [CrossRef] [Green Version]
  43. Fisher, Y.; Vladlen, K.; Thomas, F. Dilated residual networks. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 472–480. [Google Scholar] [CrossRef] [Green Version]
  44. Zhu, L.; Xie, Z.; Liu, L.; Tao, B.; Tao, W. Iou-uniform R-CNN: Breaking through the limitations of RPN. Pattern Recognit. 2021, 112, 107816. [Google Scholar] [CrossRef]
  45. Max, J.; Simonyan, K.; Zisserman, A. Spatial transformer networks. In Proceedings of the 28th International Conference on Neural Information Processing Systems, Montreal, QC, Canada, 7–12 December 2015; pp. 2017–2025. [Google Scholar] [CrossRef]
  46. Gao, L.; Huang, Y.; Déjean, H.; Meunier, J.; Yan, Q.; Fang, Y.; Kleber, F.; Lang, E. ICDAR 2019 competition on table detection and recognition (cTDaR). In Proceedings of the 2019 International Conference on Document Analysis and Recognition (ICDAR), Sydney, NSW, Australia, 20–25 September 2019; pp. 1510–1515. [Google Scholar] [CrossRef]
  47. Fang, J.; Tao, X.; Tang, Z.; Qiu, R.; Liu, Y. Dataset, ground-truth and performance metrics for table detection evaluation. In Proceedings of the 10th IAPR International Workshop on Document Analysis Systems, Gold Coast, QLD, Australia, 27–29 March 2012; pp. 445–449. [Google Scholar] [CrossRef]
  48. Chris, T.; Martinez, T. Analysis of convolutional neural networks for document image classification. In Proceedings of the 14th IAPR International Conference on Document Analysis and Recognition (ICDAR), Kyoto, Japan, 9–15 November 2017; Volume 1, pp. 388–393. [Google Scholar] [CrossRef] [Green Version]
  49. Jesse, D.; Goadrich, M. The relationship between Precision-Recall and ROC curves. In Proceedings of the 23rd International Conference on Machine Learning, Pittsburgh, PA, USA, 25–29 June 2006; pp. 233–240. [Google Scholar] [CrossRef] [Green Version]
  50. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; Volume 30, pp. 6000–6010. [Google Scholar] [CrossRef]
Figure 1. The DCTable architecture. In the first stage, the feature extractor is composed of strided convolutional layers in the three first blocks and where each one is followed by a pooling layer. The two other blocks are equipped with dilated convolutions where the used dilation rates are d = 2 and d = 3 , respectively. Then, the RPN is trained with IoU-balanced loss. The final stage is composed of ROIALign layer and dense layers.
Figure 1. The DCTable architecture. In the first stage, the feature extractor is composed of strided convolutional layers in the three first blocks and where each one is followed by a pooling layer. The two other blocks are equipped with dilated convolutions where the used dilation rates are d = 2 and d = 3 , respectively. Then, the RPN is trained with IoU-balanced loss. The final stage is composed of ROIALign layer and dense layers.
Jimaging 09 00062 g001
Figure 2. Impact of stacking dilated convolutions with different dilation rates on a 3 × 3 filter [42]: (a) F 1 is produced from F 0 by a 1-dilated convolution, (b) F 2 is produced from F 1 by a 2-dilated convolution, and (c) F 3 is produced from F 2 by a 3-dilated convolution.
Figure 2. Impact of stacking dilated convolutions with different dilation rates on a 3 × 3 filter [42]: (a) F 1 is produced from F 0 by a 1-dilated convolution, (b) F 2 is produced from F 1 by a 2-dilated convolution, and (c) F 3 is produced from F 2 by a 3-dilated convolution.
Jimaging 09 00062 g002
Figure 3. From Fast R-CNN to Mask R-CNN: (a) RoI-pooling layer and (b) RoIAlign layer.
Figure 3. From Fast R-CNN to Mask R-CNN: (a) RoI-pooling layer and (b) RoIAlign layer.
Jimaging 09 00062 g003
Figure 4. The bilinear interpolation.
Figure 4. The bilinear interpolation.
Jimaging 09 00062 g004
Figure 5. Loss function curves: (a) loss function classification: the typical loss function and the IoU-balanced loss, (b) loss function localization: the typical loss function and the IoU-balanced loss for localization.
Figure 5. Loss function curves: (a) loss function classification: the typical loss function and the IoU-balanced loss, (b) loss function localization: the typical loss function and the IoU-balanced loss for localization.
Jimaging 09 00062 g005aJimaging 09 00062 g005b
Figure 6. Some sample images from ICDAR 2017-POD showing: (a) True Positive, (b) false positive. The green region represents the ground truth bounding boxes while red region represents bounding boxes of detected regions.
Figure 6. Some sample images from ICDAR 2017-POD showing: (a) True Positive, (b) false positive. The green region represents the ground truth bounding boxes while red region represents bounding boxes of detected regions.
Jimaging 09 00062 g006
Figure 7. ROC curve for ICDAR 2017-POD dataset.
Figure 7. ROC curve for ICDAR 2017-POD dataset.
Jimaging 09 00062 g007
Figure 8. ROC curve for ICDAR 2019 dataset.
Figure 8. ROC curve for ICDAR 2019 dataset.
Jimaging 09 00062 g008
Figure 9. Some sample images from modern ICDAR 2019 showing: (a) true positive and (b) false positive. The green region represents the ground truth bounding boxes while the red region represents bounding boxes of detected regions.
Figure 9. Some sample images from modern ICDAR 2019 showing: (a) true positive and (b) false positive. The green region represents the ground truth bounding boxes while the red region represents bounding boxes of detected regions.
Jimaging 09 00062 g009
Figure 10. ROC curve for Marmot dataset.
Figure 10. ROC curve for Marmot dataset.
Jimaging 09 00062 g010
Figure 11. Some sample images from Marmot showing: (a) true positive and (b) false positive. The green region represents the ground truth bounding boxes while red region represents bounding boxes of detected regions.
Figure 11. Some sample images from Marmot showing: (a) true positive and (b) false positive. The green region represents the ground truth bounding boxes while red region represents bounding boxes of detected regions.
Jimaging 09 00062 g011
Figure 12. ROC curve for RVL-CDIP dataset.
Figure 12. ROC curve for RVL-CDIP dataset.
Jimaging 09 00062 g012
Figure 13. Some sample images from RVL-CDIP showing: (a) true positve and (b) false positive. The green region represents the ground truth bounding boxes while the red region represents bounding boxes of detected regions.
Figure 13. Some sample images from RVL-CDIP showing: (a) true positve and (b) false positive. The green region represents the ground truth bounding boxes while the red region represents bounding boxes of detected regions.
Jimaging 09 00062 g013
Table 1. Evaluation on ICDAR 2017-POD.
Table 1. Evaluation on ICDAR 2017-POD.
ModelsIoUPRF1-Score
DCTable-A0.60.8910.9370.913
0.80.9460.9090.927
DCTable-B0.60.91910.958
0.80.93710.967
DCTable-C0.60.9110.9110.911
0.80.9530.9110.932
DCTable0.60.95210.976
0.80.9750.9750.975
HustVision [24]0.60.0710.9590.132
FastDetectors [24]0.9030.9400.921
NLPR-PA L [24] 0.9680.9530.960
DeCNT [30] 0.9650.9710.968
CDeC-Net [31] 0.9770.9310.954
HybridTabNet [35] 0.8820.9970.936
CasTabDetectoRS [36] 0.9720.9410.956
HustVision [24]0.80.0620.8360.115
FastDetectors [24]0.8790.9150.896
NLPR-PAL [24] 0.9580.9430.951
DeCNT [30] 0.9460.9520.949
CDeC-Net [31] 0.9700.9240.947
HybridTabNet [35] 0.8870.9940.933
CasTabDetectoRS [36] 0.9620.9320.947
(Sun et al., 2019)  [25]0.8320.9430.9560.949
Table 2. Evaluation on ICDAR 2019.
Table 2. Evaluation on ICDAR 2019.
ModelsIoUPRF1-Score
DCTable-A0.60.8340.8990.865
0.80.8660.8870.876
0.90.8900.8660.878
DCTable-B0.60.8280.9290.875
0.80.8550.9290.890
0.90.8690.9260.896
DCTable-C0.60.8660.8690.868
0.80.8960.8510.873
0.90.9080.8270.866
DCTable0.60.97110.985
0.80.9830.9960.989
0.90.9830.9910.987
TableRadar [46]0.80.9500.9400.945
NLPR-PAL [24]0.9300.9300.930
Lenovo Ocean [46]0.8800.8600.870
CDeC-Net [31] 0.9530.9340.944
HybridTabNet [35] 0.9200.9330.928
CasTabDetectoRS [36] 0.9640.9880.976
TableRadar [46]0.90.9000.8900.895
NLPR-PAL [24]0.8600.8600.860
Lenovo Ocean [46]0.8200.8100.815
CDeC-Net [31] 0.9220.9040.913
HybridTabNet [35] 0.8950.9050.902
CasTabDetectoRS [36] 0.9280.9510.939
Table 3. Evaluation on Marmot.
Table 3. Evaluation on Marmot.
ModelsIoUPRF1-Score
DCTable-A0.50.7080.9660.817
0.90.7760.9410.850
DCTable-B0.50.70510.827
0.90.7780.9010.891
DCTable-C0.50.8980.9460.922
0.90.9450.9290.937
DCTable0.50.93310.966
0.90.9690.9710.969
DeCNT [30]0.50.9460.8490.895
CDeC-Net [31]0.9750.9300.952
HybridTabNet [35]0.9620.9610.956
CasTabDetectoRS [36] 0.9520.9650.958
CDeC-Net [31]0.90.7740.7650.769
HybridTabNet [35]0.9000.9030.901
CasTabDetectoRS [36]0.9060.9010.904
Table 4. Evaluation on RVL-CDIP.
Table 4. Evaluation on RVL-CDIP.
ModelsIoUPRF1-Score
DCTable-A0.50.6070.7740.680
0.80.6350.7340.681
DCTable-B0.50.90510.950
0.80.94810.974
DCTable-C0.50.9260.9840.955
0.80.9550.9840.969
DCTable0.50.94810.973
0.80.96410.982
Table 5. Evaluation with leave-one-out scheme of DCTable on ICDAR2017, ICDAR 2019, Marmot and RVL CDIP.
Table 5. Evaluation with leave-one-out scheme of DCTable on ICDAR2017, ICDAR 2019, Marmot and RVL CDIP.
SchemeTest DatasetsIoUPRF1-Score
Scheme 1ICDAR 20170.60.9780.9530.965
0.80.9810.9950.987
Scheme 2ICDAR 20190.60.9610.9590.959
0.80.9530.9370.944
0.90.9210.9500.935
Scheme 3Marmot0.50.8540.8840.868
0.90.9130.90.906
Scheme 4RVL-CDIP0.50.720.790.75
0.80.680.730.70
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

Kazdar, T.; Mseddi, W.S.; Akhloufi, M.A.; Agrebi, A.; Jmal, M.; Attia, R. DCTable: A Dilated CNN with Optimizing Anchors for Accurate Table Detection. J. Imaging 2023, 9, 62. https://doi.org/10.3390/jimaging9030062

AMA Style

Kazdar T, Mseddi WS, Akhloufi MA, Agrebi A, Jmal M, Attia R. DCTable: A Dilated CNN with Optimizing Anchors for Accurate Table Detection. Journal of Imaging. 2023; 9(3):62. https://doi.org/10.3390/jimaging9030062

Chicago/Turabian Style

Kazdar, Takwa, Wided Souidene Mseddi, Moulay A. Akhloufi, Ala Agrebi, Marwa Jmal, and Rabah Attia. 2023. "DCTable: A Dilated CNN with Optimizing Anchors for Accurate Table Detection" Journal of Imaging 9, no. 3: 62. https://doi.org/10.3390/jimaging9030062

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