Next Article in Journal
Broadcast Approach to Uplink NOMA: Queuing Delay Analysis
Next Article in Special Issue
Composite Attention Residual U-Net for Rib Fracture Detection
Previous Article in Journal
Joint Power and Time Allocation in Hybrid NoMA/OMA IoT Networks for Two-Way Communications
Previous Article in Special Issue
Entropy Measurements for Leukocytes’ Surrounding Informativeness Evaluation for Acute Lymphoblastic Leukemia Classification
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Improved Complementary Pulmonary Nodule Segmentation Model Based on Multi-Feature Fusion

1
School of Optical-Electrical and Computer Engineering, University of Shanghai for Science and Technology, Shanghai 200093, China
2
Key Laboratory of Optical Technology and Instrument for Medicine, Ministry of Education, University of Shanghai for Science and Technology, Shanghai 200093, China
3
School of Physics and Electronic Engineering, Fuyang Normal University, Fuyang 236037, China
4
Department of Biomedical Engineering, Florida International University, Miami, FL 33174, USA
5
Fudan University Shanghai Cancer Center, Shanghai 200032, China
*
Authors to whom correspondence should be addressed.
Entropy 2022, 24(12), 1755; https://doi.org/10.3390/e24121755
Submission received: 7 October 2022 / Revised: 23 November 2022 / Accepted: 28 November 2022 / Published: 30 November 2022
(This article belongs to the Special Issue Application of Entropy to Computer Vision and Medical Imaging)

Abstract

:
Accurate segmentation of lung nodules from pulmonary computed tomography (CT) slices plays a vital role in the analysis and diagnosis of lung cancer. Convolutional Neural Networks (CNNs) have achieved state-of-the-art performance in the automatic segmentation of lung nodules. However, they are still challenged by the large diversity of segmentation targets, and the small inter-class variances between the nodule and its surrounding tissues. To tackle this issue, we propose a features complementary network according to the process of clinical diagnosis, which made full use of the complementarity and facilitation among lung nodule location information, global coarse area, and edge information. Specifically, we first consider the importance of global features of nodules in segmentation and propose a cross-scale weighted high-level feature decoder module. Then, we develop a low-level feature decoder module for edge feature refinement. Finally, we construct a complementary module to make information complement and promote each other. Furthermore, we weight pixels located at the nodule edge on the loss function and add an edge supervision to the deep supervision, both of which emphasize the importance of edges in segmentation. The experimental results demonstrate that our model achieves robust pulmonary nodule segmentation and more accurate edge segmentation.

1. Introduction

Lung cancer remains the most fatal type of cancer worldwide [1], and among Chinese women (most non-smokers), the incidence and mortality of lung cancer rank first in the world [2]. Early screening of lung cancer is key to improving the survival chances of patients. In clinical practice, the most widely used predictors for assessing the probability of malignancy and tumor progression are the size, shape, and growth rate of the nodule [3]; therefore, accurate segmentation of lung nodules is essential in the diagnosis of lung cancer. However, with the popularization of pulmonary computed tomography (CT), the feasibility of manual CT annotation has become increasingly unrealistic because it is too strenuous [4]. Therefore, it is necessary to develop a computer-aided diagnosis (CAD) of lung nodule segmentation to avoid laborious manual annotation in clinical practice, which objectively ensures the consistency of nodule diagnosis [5].
As shown in Figure 1, lung nodules have high variability in size, shape, and intensity, as well as similar visual characteristics between nodules and their surroundings. Although the traditional semi-automatic segmentation methods based on image processing improve the repeatability of annotation, they generally suffer from poor adaptability and low segmentation accuracy to heterogeneous nodules. In addition, these methods also need to introduce user interaction, prior information, post-processing, or other operations. The limitations of traditional lung nodule segmentation methods indicate that a novel method is needed for accurate and robust lung nodule segmentation.
With the development of convolutional neural networks (CNNs) in computer vision [6,7,8], its application in medical image segmentation has become a research hotspot [9,10,11,12]. Although CNN-based methods have achieved great improvements in segmenting lung tumors compared with traditional approaches [13,14,15], the segmentation of heterogeneous nodules still requires further attention for the following reasons: (1) Large variation between nodules and small inter-class variances between nodules and their surrounding tissues. Nodules come in different types, sizes, locations, etc. (Figure 1a). The intensity may be heterogeneous even within the same nodule (calcific and non-calcific tissues in partially calcified nodules). The intensities of the juxta-pleural, juxta-vascular, and ground-glass opacity (GGO) nodules are indistinguishable from their surrounding lung wall, blood vessels, and lung parenchyma, respectively (Figure 1b). These characteristics hinder their accurate identification. (2) No comprehensive analysis of factors in clinical CT images. Although the location, region, and edge of nodules are three key factors for the diagnosis of lung nodules in practice, researchers usually neglected to consider all of these elements together in segmentation.
As mentioned above, how to improve CNNs approaches to accurately and robustly segment heterogeneous nodules, especially hard-to-segment nodules, is our motivation. Inspired by the diagnosis process of a pulmonary nodule: clinicians first roughly locate a suspicious nodule, then extract the coarse nodule area and accurate nodule edge information according to the local manifestations of the nodule, and finally identify nodules by combining these three factors for further diagnosis and treatment plan. Therefore, we plan to consider building a general segmentation network that combines lung nodule location, coarse region, and edge information. Fortunately, Fan et al. [16] proposed an Inf-net that can segment the COVID-19 infection regions. Although the performance of its network is perfect, it has not been applied to the nodule segmentation task, and it also has the disadvantage of not comprehensively considering the factors in clinical CT images.
To this end, we aim at constructing a general lung nodule segmentation network, namely a features complementary network, which combines the location, coarse area, and edge of lung nodules to achieve coarse-to-fine segmentation. The main contributions of this study are summarized as follows:
(1)
We propose a novel end-to-end lung nodule segmentation guidance network by fully integrating the global context and spatial information from different scale features, which leverages the complementary information extracted at both small- and large-scales.
(2)
Under the guidance of assigning more weight to the pixels located at edges and explicitly modeling edges in depth supervision, the location and coarse area are complemented with edge information, which effectively boosts the accuracy and robustness of the lung nodule segmentation model.
(3)
Experimental results illustrate that the proposed model outperforms other CNNs methods with high accuracy and robustness in lung nodule segmentation performance.

2. Related Work

The lung nodule segmentation techniques include traditional image processing-based methods and machine learning-based methods. Traditional techniques include morphology, region growing, level set, and graph cut methods. Machine learning methods can be divided into traditional machine learning methods and deep learning methods, both of which convert segmentation into pixel-classification tasks.
In the morphology method [17], the attached vascular components were first separated by an opening operation, followed by a connected component analysis to retain the nodule volume. The region growing method [18] performed an adaptive sphericity-oriented contrast region growing to distinguish nodules from the lung wall. In the active contour model method, the images were represented as level-set functions [19]. A segmentation of pulmonary nodules study [20] adopted a graph-cut method based on graph theory. However, a common shortcoming of these methods is that one method performs well regarding a certain type of nodule and often performs poorly regarding another. In addition to weak generalization, they often need to add user interaction, prior information, and so on, which is dependent on the human experience.
Recently, the application of machine learning in the segmentation of lung nodules has been ubiquitous. Gonçalves et al. [21] proposed a multi-scale segmentation process for lung nodules based on the Hessian strategy. Mukhopadhyay et al. [22] constructed a two-stage segmentation framework for pulmonary nodules based on internal texture and external attachment features. In addition, a segmentation method that can extract solid and non-solid components in GGO nodules was proposed [23]. Although these traditional machine learning algorithms have achieved excellent accuracy in nodule segmentation, they have encountered some drawbacks, including but not limited to relying highly on manually defined features, being time-consuming, and having weak generalization, which hinder the further development of lung nodule segmentation schemes.
In recent years, deep learning technology has developed rapidly, and CNNs have been widely used for lung nodule segmentation with promising results. Jiang et al. [24] improved the full-resolution residual neural network (FRRN) and designed two lung nodule segmentation networks that combined features of all levels through residual flows. Wang et al. [25] proposed a two-branch structure and used multi-scale for lung nodule segmentation, which is a centrally focused convolutional neural network that combines 3D and multi-scale 2D features. A parallel structure was applied by Cao et al. [26], who also devised a weighted sampling strategy based on nodule boundaries. Similarly, a multi-view CNN with a three-branch structure was adopted by Wang et al. [27] that was fed a set of multi-scale 2D patches from three orthogonal directions: axial, coronal, and sagittal views. Although the parallel structure could effectively integrate multiple features, the model complexity is relatively high, which requires more run-time to reach convergence and increases the risk of overfitting. Especially, Hu et al. [28] paralleled a hybrid attention mechanism with a densely connected convolutional network to segment glioblastoma tumors in an entire lung CT. Their approach is more suitable for larger nodules (glioblastoma diameter range 40–90 mm). In addition to the aforementioned multi-branch parallel architecture, the researchers also designed some other structures. For example, [29,30] are based on CNN and combined with other methods in the pre-processing stage. A hybrid deep learning model [29] applied the adaptive median filter in the pre-processing stage and then used the U-Net-based architecture to segment the lung tumor. In the 2D-3D cascaded CNN framework [30], the CT scan volume was also pre-processed by the maximum intensity projection technique, and then the pulmonary nodules were segmented by the U-Net network which integrated the residual blocks, the squeeze, and excitation blocks. In particular, Song et al. [31] introduced a Faster-CNN model into a generative adversarial network to automatically segment various types of pulmonary nodules. Ni et al. [13] designed a two-stage segmentation algorithm for pulmonary nodules from coarse to fine, which included two multi-scale U-Nets, one of which was used for localization and the other for refinement segmentation. Zhao et al. [14] proposed an improved pyramid deconvolution neural network that fused low-level fine-grained features with finely segmented lung nodules in CT slices. Huang et al. [32] proposed a system for the fully automatic segmentation of lung nodules directly from raw thoracic CT scans. Although [14,32] improved the segmentation accuracy by fusing all low-level features, the computational burden was increased because of integrating low-level features equally, while not fully reusing high-level features.
Furthermore, deep learning methods focusing on multi-scale have also been applied to lung nodule segmentation. For example, Maqsood et al. [33] proposed a U-Net-based segmentation framework that integrates dense deep blocks and dense Atrous blocks. Shi et al. [34] presented a lung nodule segmentation model multi-scale residual U-Net (MCA-ResUNet), which applies Atrous Spatial Pyramid Pooling (ASPP) as a bridging module and adds three adjacent smaller-scale guided Layer-crossed Context Attention (LCA) mechanisms. A semi-supervised three-view segmentation network with detection branches was proposed by Sun et al. [35], but three parallel dilated convolutions for multi-scale feature extraction were performed in the detection and classification modules. Based on the encoder-decoder model, Wang et al. [36] changed skip connections to multiple long and short skip connections. In addition, a global attention unit and a boundary loss were added to segment difficult-to-segment (DTS) nodules. Through skip connections, each convolutional block of the decoder can access its feature maps of each previous layer at the same level to aggregate multi-scale semantic information. Yang et al. [37] used a ResNet structure to improve 3D U-Net, which focuses on adopting deep supervision to guide the network to extract multi-scale features, rather than fusing features at different scales. Specifically, it adds side-depth supervision to each layer in the decoder. Considering the complementarity between the nodule patch and the global CT, Wang et al. [38] proposed a dual-branch multigranularity scale-aware network (MGSA-Net), which unifies the representation of global- and patch-level image features in one framework. The deep scale-aware module (DSAM) in the global branch extracts the concealed multi-scale contextual information at different stages through three parallel branches. Ni et al. [13] constructed a two-stage network for lung nodule segmentation and classification. A 3D multi-scale U-Net (MU-Net) was employed in the first stage to locate nodules. In the second stage, a 2.5D multiscale separable U-Net (MSU-Net) adopts a multi-branch separable convolutional input layer to extract features of different scales from any input image scale to refine the output of MU-Net. Similarly, the models of Wang et al. [38] and Ni et al. [13] are all improved on the basis of U-Net. Studies by Yang et al. [37] and Ni et al. [13] are 3D networks that exploit the continuity of information between CT slices. In general, 3D networks have more parameters than 2D networks, which may easily lead to overfitting and slow convergence speed. Especially if there is a lack of enough labeled samples during training, the performance of the 3D network is worse than that of the 2D network. Zhu et al. [39] added a High-Resolution network with Multi-scale Progressive Fusion (HR-MPF) in the encoder part of the High-Resolution Network (HRNet) and proposed a Progressive Decoding Module (PDM) in the decoder part. In addition, a loss function with edge consistency constraint is designed in the segmentation loss.
Note that there are two common shortcomings in all the above-mentioned studies that use CT patches for lung nodule segmentation. First, the tumor-centered CT patches were used uniformly, which meant that the location of the tumor in the CT patch was fixed. Therefore, the segmentation performance was likely to be biased as it did not depend on the position of the tumor in the raw CT slice. The other issue was the use of a fixed-size square CT patch for feature extraction, which may contradict the large changes in the sizes and shapes of lung nodules.
Compared to the previously developed CNNs, our model differs in the following: (1) Our model multi-scales the input 2D CT patches and further cross-scale weighted aggregates high-level multi-scale features to extract global features containing rich location and semantic information when only one network is involved. (2) Considering that low-level and high-level features are different, the model does not integrate them equally; instead extracts them separately in a manner that ensures they complement each other, which reduces the calculation complexity. (3) The edge information is explicitly modeled to preserve the nodule boundaries. In particular, the nodule location information is introduced into the edge information to strengthen the edge features. (4) The tumor location and size of the CT patches in the dataset are not fixed, which improves the robustness of the model.
The remainder of this paper proceeds as follows. Section 3 describes the proposed method in detail. The datasets and experimental details are presented in Section 4. Section 5 presents a comparison between the qualitative and quantitative experimental results. Finally, we discuss some potential improvements and draw conclusions in Section 6.

3. Materials and Methods

Figure 2 illustrates the architecture of the proposed network, including four major parts: the backbone, HDM, LDM, and CM. Our proposed model uses pre-trained Res2Net50 as the backbone and takes CT patches of three scales to capture coarse multi-scale features. To enhance the representation ability of the model and adapt to the segmentation task setting, we replace a 7 × 7 convolution in layer 1 with three consecutive 3 × 3 convolution and ReLU layers and remove the last pooling layer and fully connected layer. As such, layer 1 and layer 2 with low-level features contain rich edge information, while layer 3, layer 4, and layer 5 with high-level features embrace strong semantic information. Next, HDM takes high-level rough multi-scale features as its input could acquire refined multi-scale features with rich spatial information whilst suppressing irrelevant background noise. HDM extracts the nodule location and the coarse area of different size nodules. Meanwhile, the high-resolution low-level edge information is fed into the LDM to obtain initial edge information on the basis of reducing computer memory. Finally, CM is used to perform complementation of the location, coarse area, and edge of a lung nodule. Concretely, CM makes location information supplement on initial edge information through location fusion (LF), and refined edge information supplement on coarse nodule area via edge fusion (EF).

3.1. High-Level Feature Decoder Module (HDM)

Researchers apply different sizes of convolution kernels to obtain multi-size receptive fields, which are designed to be superior to those that share a fixed size. Here, we design an MF block to capture more spatial information on nodules of different sizes by four cascade branches {bm, m = 0,…,3}, which is inspired by the receptive field block (RFB) [40]. As shown in Figure 3, each branch consists of a standard and dilated convolutional layer. As the convolution kernel size and the atrous convolution dilation rate of the four branch increases from 1 to 3, 5, and 7, then the receptive fields will be 1, 9, 15, and 21, respectively. To be specific, every branch first applies a 1 × 1 convolutional layer to reduce the number of channels to 32. To further reduce the number of parameters and deeper non-linear layers, for {bm, m ≥ 1}, we replace (2 m + 1) × (2 m + 1) convolutional layers with a 1 × (2 m + 1) and a (2 m + 1) × 1 convolutional layers, followed by a 3 × 3 convolutional layer with a (2 m + 1) dilation rate, which is widely used in Deeplab [41]. We then concatenate the output of the abovementioned four branches and send it to a 3 × 3 convolutional layer to reduce the number of channels from 4 × 32 to 32. Finally, a shortcut is added elementwise to the original MF block. To extract richer high-level semantic features and reserve more spatial information, we added three MF blocks to the HDM. In particular, the MF block we added in layer 4 and layer 5 can further compensate for the loss of spatial information and capture a more accurate position of a nodule, which can be used as a feature supplement for the LE block.
Many segmentation tasks consider all high- and low-level features of the backbone equally and aggregate them uniformly [42]. However, compared to high-level features, low-level features have higher resolution and contain weaker semantic information, which require more computation cost and contribute less to the segmentation results [43]. Based on the aforementioned reasons, we designed an MD block, as shown in Figure 4, which only progressively integrates three high-level features. Specifically, for a 2D CT image, we first extract two low-level features { f i , i = 1 , 2 } and three high-level features { f i , i = 3 , 4 , 5 } through five convolution layers of Res2Net. We then apply the MD block to gradually integrate high-level features and generate the coarse area of pulmonary nodules f g , which will continue to be supplemented by location and edge information in subsequent CM. We set l = 3 and L = 3 , the MD block operation is defined as follows:
f g = f 3 © f 4 © f 5
where f g is the initial aggregated global coarse nodule area, © denotes the concatenating operation, and f i and f i are the multi-scale context feature output by the MF block and its corresponding updated feature, respectively. For the deepest feature i = L , we set f i = f i .
For the updated feature map f i , i l , , L 1 , which is obtained by multiplying its original feature with the remaining deeper feature maps, f i is defined as follows:
f i = f i k = i + 1 L C o n v U p f k ; f i , i l , , L 1
where U p f k ; f i is the up-sampling operation that aims to resize f k to the same size as f i by bilinear interpolation, C o n v is a 3 × 3 convolutional layer with BN, and means multiplication in an element-wise manner.
Finally, we obtain a progressive aggregated feature map with two 3 × 3 and one 1 × 1 convolutional layer, which is a coarse nodule area. The aggregation method of the MD block fully reuses the high-level global features through weighted cross-scale integration.

3.2. Low-Level Feature Decoder Module (LDM)

It is known that in the stage of down-sampling feature extraction (Res2Net50 in this paper), low-level feature maps attain significant high-resolution edge information [43]. Meanwhile, many researchers have pointed out that edge information can be used as an a priori constraint, which can effectively improve segmentation performance [10,16,44]. The edge of pulmonary nodules is also one of the key pieces of information that clinicians pay attention to in clinical diagnosis. Therefore, we must consider that the lower-level features ( f 1 and f 2 in our model) retain enough edge information. We input these edge features into the proposed LE block (Figure 5) to yield a complete edge feature map f e with moderate resolution. Specifically, layer 1 extracts local edge features f 1 , while layer 2 captures more abstract global edge features f 2 ; the two low-level edge features can complement and enhance each other in a positive manner. The workflow is as follows: two shallow features { f 1 , f 2 } are first sent to a set of filters that can capture a robust edge feature map. Then, they are fused to produce an original edge feature map f E . The LE block function could be represented by the following:
f E = f 2 f 1 f 2
where and are the addition and multiplication operations in an element-wise manner, respectively. Unlike , which emphasizes complementary features, emphasizes the enhancement of common features.

3.3. Complementary Module (CM)

This module includes location fusion (LF) and edge fusion (EF) (see the upper right of Figure 2), which aim to complement and enhance the location and edge information while extracting enhanced edge features and explicitly modeling the enhanced edge information. More prominent edge features can be obtained by introducing high-level semantic information or location information into the local edge information [45]. Inspired by [46,47], we take f 4 and f 5 obtained from the MF block as more accurate location information, and then combine them with the original edge information f E to obtain the final edge guidance information f E ^ , which can effectively constrain the edge in segmentation. After obtaining the final edge guidance information and coarse nodule area, we utilize the final edge guidance information to further refine the coarse nodule area to achieve fine segmentation. Specifically, the LF block first adjusts the size of f 5 to be consistent with f 4 through a set of convolutions and up-sampling, and then it is dotted with f 4 to obtain an accurate location feature map. The final edge feature map f E ^ is obtained by adding the original boundary information f E point-by-point to explicitly learn the edge representation of the lung nodule. Finally, we use EF block to combine the final nodule edge f E ^ with the coarse area of pulmonary nodule f g through convolution, up-sampling, and addition operation to obtain the final nodule segmentation prediction map P s . The location fusion (LF) and edge fusion (EF) operations are expressed as follows:
f E ^ = C o n v ( f E U p ( f 4 U p C o n v C o n v s f 5 ; f 4 ; f E ) )
P s = f E ^ U p C o n v C o n v s f g ; f E ^
where Convs is a set of convolutional operations that aims to capture features with rich detailed information. Furthermore, Conv is a convolutional operation with a ReLU activation function that can change the number of channels. U p ; f is the up-sampling operation, which is used to resize to the same size of f by bilinear interpolation, represents a sigmoid function, and denote element-wise multiplication and summation.
Here, to explicitly model the enhanced edge features, we add an extra edge supervision that measures the difference between the final predicted edge map f E ^ and edge map G e generated by the groundtruth (GT). We use the standard binary cross entropy (BCE) loss L e d g e as an edge constraint:
L e d g e = i M G e l o g f E ^ + 1 G e log 1 f E ^
where M denotes the total number of pixels and G e is the edge groundtruth map, which is obtained by calculating the gradient of the groundtruth map G s . Equation (6) is the edge supervision that we added to supervise the edge feature map.

3.4. Loss Function

Inspired by reference [48], we consider that pixels located at edges contain more texture information than other pixels, so we pay more attention to edges during segmentation. In this paper, each pixel is assigned a weight W . The edge pixel corresponds to a larger W , while the non-edge pixel corresponds to a smaller one, and W can be used as an indicator of pixel importance. W i denotes the weight map, which is derived from the ground truth map G s , and is calculated as follows:
W i = α + β G S 1 n i A n G S
where A n denotes the area that surrounds the pixel i . α and β are the threshold and intensity parameters, respectively, which are hyperparameters. Here, we empirically set α = 1 and β = 5 . In summary, we extracted pixels located at edges through average pooling and subtraction operations. W i has the same size as the groundtruth map G s . When the pixel in question is located at the edges, it will be assigned a large weight, and vice versa. Figure 6 visualizes the weight distribution of nodules using this weighting strategy, which explicitly weighs more edges into the segmentation loss.
Based on the above analysis, to obtain better segmentation performance, in addition to the edge loss L e d g e for edge supervision proposed in Equation (6), we propose the joint segmentation loss L s e g ω , which is used for deep segmentation supervision.
L s e g ω = 1 2 L B C E ω + L I O U ω
where L B C E ω and L I O U ω are the weighted BCE and weighted IOU loss, respectively. L B C E ω is a pixel-level loss defined as follows:
L B C E ω = i M W i G S l o g P s + 1 G S log 1 P s i M W i
where P s is the predicted global map. In contrast to the standard BCE loss, the weighted BCE loss L B C E ω assigns a larger effect coefficient to the pixels located at edges to increase their loss contribution to the loss. Considering that L B C E ω ignores the global structure of the image when calculating the loss of each pixel independently, we introduce weighted IOU loss L I O U ω to make the network pay more attention to the global structure. L I O U ω is image-level loss, which is widely used in segmentation and object detection. It is designed to optimize the global structure rather than focusing on a single pixel, which can be used as a complement to L B C E ω . Similar to L B C E ω , the weighted IOU loss L I O U ω focus on pixels located at edges through the following weighting method:
L I O U ω = 1 i M W i P s G S i M W i P s + G S P s G S
As shown in Equation (8), the segmentation loss function includes both local and global losses, which complement each other and provide effective supervision for accurate lung nodule segmentation.
The total loss function of the proposed network consists of two parts: one part tackles the most common segmentation supervision presented in Equation (8), and the other focuses on the edge supervision described in Equation (6), which plays a crucial role in medical segmentation. Therefore, the total hybrid loss is defined as:
L t o t a l = L e d g e + L s e g ω

4. Experiments

4.1. Datasets

To evaluate the performance of the proposed network, we conducted experiments on two datasets. One is a public benchmark dataset: the LUng Nodule Analysis 2016 (LUNA16) dataset [49], and the other is an independently collected dataset from the Fudan University Shanghai Cancer Center (FUSCC).
LUNA dataset: There are 888 CT scans and 1186 GT nodules in LUNA16, which exclude slices thicker than 2.5 mm obtained from the Lung Image Database Consortium and Image Database Resource Initiative (LIDC-IDRI) [50]. The LIDC-IDRI database contains annotations collected through a two-stage phase annotation process by four experienced radiologists. Among all the marked lesions, only nodules 3 mm and accepted by at least three out of four radiologists constitute the LUNA16 dataset. In other words, annotations that do not conform to the reference standard (non-nodules, nodules < 3 mm, and nodules annotated by only one or two radiologists) are referred to as irrelevant findings.
FUSCC dataset: The second dataset contains 1134 CT slices of nodules from 89 subjects with single nodules admitted at the Fudan University Shanghai Cancer Center. All nodules are randomly assigned to four board-certified radiologists for labeling, then, verified and corrected by an experienced radiologist (10+ years of experience). Generally, each nodule has several to dozens of slices in raw CT volume, and we take each slice as a sample.

4.2. Evaluation Metrics

To qualitatively evaluate the segmentation performance, we employ five general evaluation metrics, namely, Dice similarity coefficient (DSC), Jaccard Index (JA), Hausdorff distance (95%) (HD95), specificity (SP), sensitivity (SE). In addition, three gold standard evaluation metrics in the salient object detection field have been introduced, i.e., S-measure (Sm), E-measure (Em), and mean absolute error (MAE).
Dice similarity coefficient (DSC) and Jaccard Index (JA) are common evaluation criteria that are used to calculate the overlap ratio between the segmentation result (S) and ground-truth (GT). They both range from 0 to 1, where 1 means perfect overlap [51]. It is calculated as below:
D S C = 2 T P 2 T P + F P + F N = 2 S G T S + G T
J A = T P T P + F N + F P = S G T S G T = S G T S + G S G T
where TP, FP, and FN represent the number of true positives, false positives, and false negatives, respectively. |   ·   | refers to calculating the number of pixels in a given region. and denote taking the intersection and union, respectively.
Hausdorff distance (HD) is formulated as:
H D   S , G T = m a x m a x p ϵ S m i n t ϵ G T p t , m a x t ϵ G T m i n p ϵ S t p
where p and t are pixels on S and G T , respectively. As suggested in [52], we use the Hausdorff distance (95%) (HD95) to eliminate the adverse effects of outliers.
S-measure (Sm) computes the structural similarity between the segmentation result and ground-truth, which is defined as follows:
S m = 1 α · S o S , G T + α · S r S , G T
where α is the balance coefficient between object-aware similarity S o and region-aware similarity S r , which is set to 0.5.
E-measure (Em) jointly evaluates the local and global similarities between the binarized prediction and ground truth, which is defined as:
E m = 1 M i M S i , G T i
where i and M mean each pixel and the total number of pixels in the GT, respectively. The symbol indicates the enhanced alignment matrix.
MAE reflects the pixel-wise error between S and GT, which is denoted as follows [53]:
M A E = 1 M i M S i G T i

4.3. Implementation Details

We divide the two datasets into training and testing sets at a patient level with the same ratio of 9:1 before the experiments. At the beginning of training, we first resize all patches or regions of interest (ROIs) to 96 × 96 and then multi-scale the input patches. Specifically, the network applies bilinear interpolation to resample the input single patch with three ratios of 0.75, 1, 1.25 to obtain three scale images. In other words, our model is trained with a multi-scale strategy. Note that in order to obtain the different locations of the same nodule in patches, we perform five cropping operations around the same nodule on the same CT slice and the size of the patch is not a fixed square.
The entire framework is implemented with Python3.6 based on PyTorch-GPU 1.4.0 on an experimental platform consisting of an Ubuntu 18.04 operating system with an NVIDIA GeForce GTX 1080 Ti graphics cards and 32 Gigabytes of memory. We adopt the Adam optimizer for training with an initial learning rate of 1e-4 that dropped 10% every 30 epochs. To avoid overtraining, if the performance stabilizes, training is stopped after ten extra epochs. We found that our model converges after approximately 50 epochs with a batch size of four. Consequently, we set the upper limit of the training period to 60 epochs. The performance of our approach was evaluated using MATLAB 2018a.

5. Results

5.1. Quantitative Analysis

To verify the efficiency of the proposed model, we performed a quantitative comparison with the SOTA methods on the LUNA16 and FUSCC test datasets, namely residual U-Net (RUN) [54], Huang et al. [32], U-Net++ [55], U-Net [42], CE-Net [56] and Attention U-Net [57]. Table 1 reports the overall segmentation performance of all methods and datasets based on multiple indicators. We observe that our proposed model outperforms almost all methods on all evaluation metrics in the LUNA16 dataset. In addition, when tested on an independent FUSCC dataset, the similar good experimental results of our proposed model reaffirm the competitiveness for the segmentation of different types of pulmonary nodules. Our-Net obtains significantly better DSC, JA, and MAE than U-Net and U-Net++ for all data sets. Specifically, our network improves from 0.676, 0.511, 0.121 for U-Net and 0.747, 0.596, 0.087 for U-Net++ to 0.835, 0.717, 0.015 for DSC, JA, and MAE indexes on LUNA16, while it optimizes from 0.686, 0.522, 0.137 for U-Net and 0.767, 0.621,0.091 for U-Net++ to 0.868, 0.767,0.026 for DSC, JA, and MAE indicators on FUSCC dataset. Furthermore, our model yields lower Hausdorff distances (95%) (HD95) than all comparison methods in all databases. The SP, Sm, and Em indicators of the proposed network are all slightly improved compared with the comparison methods. In addition, our network achieves 0.835, 0.717, and 0.015 in DSC, JA, and MAE measures with limited improvement, while the second-best values of 0.825, 0.702, and 0.019, respectively. This shows that the classical CE-Net proposed to capture more high-level information and spatial information is very effective for segmentation. Particularly, although Attention U-Net obtains the highest SE value (0.907), its SP and DSC values are relatively lower (0.982 and 0.772, respectively). The combination of the three metrics illustrates that Attention U-Net is more prone to mis-segmentation compared to our method, which is not conducive to clinical diagnosis. Our approach is statistical significance compared to U-Net, U-Net++, and Attention U-Net (p-value < 0.05). The superiority of our network in lung nodule segmentation may be owed to the complementarity of the sufficient refinement feature and weighted cross-scale fusion feature.

5.2. Ablation Studies

To verify the effectiveness of each component in our model, we conducted a series of ablation experiments on the FUSCC test dataset, as shown in Table 2. We observed that the results of almost all evaluation metrics increased as the components were added sequentially. In particular, we demonstrate the huge advantage of the proposed MF block by comparing row (a) with row (b). Its application boosts the DSC value by a substantial 44% (from 0.459 to 0.659) and the HD95 value reduces from 34.703 to 26.286. This indicates that MF blocks can extract features of different size nodules by combining atrous convolution with different atrous rates. We also compare row (b) with row (c), for example, JA increases from 0.491 to 0.654 by 33%, HD95 decreases from 26.286 to 8.389 while MAE decreases from 0.101 to 0.076, which further supports that our proposed MD block is beneficial for pulmonary nodule segmentation. Finally, we demonstrate the effectiveness of the proposed weighted strategy for pixels located at edges by comparing the fusion result with and without the edge weighting (row (d) and row (e)) in CM, where (w/o) represents our model without the edge weighting strategy. Table 2 manifests that the edge pixel weighting method boosts DSC by about 8% on FUSCC. Specifically, our proposed network achieves good performance on the FUSCC (DSC: 0.868, JA: 0.767, HD95: 5.354, SE: 0.884, SP: 0.987, Sm: 0.919, Em: 0.962, and MAE: 0.026). Overall, the evaluation metrics in Table 2 are all further improved, which confirms that the proposed components are effective in learning pulmonary nodule features. Moreover, we also make a visual analysis of the feature learning ability of each component in our model as shown in Figure 7. As can be observed, the segmentation edges gradually approach the ground-truths, and the final segmentation edges are closest to the ground-truths, which indicates that OUR-Net is effective in locating nodule edges.
In addition, in order to explore the complementary performance of location information in our network, we sequentially added the location information f 3 , f 4 , and f 5 obtained from layer 3, layer 4, and layer 5 to CM on the FUSCC test set, as shown in Table 3. It can be seen that the addition of pulmonary nodule location information significantly boosts the segmentation performance, where the combination of f 4 and f 5 obtains the optimal values of 0.868, 0.767, and 5.354 on DSC, JA, and HD metrics, respectively. Its performance is better than the single f 5 or the combination of f 3 , f 4 and f 5 , which demonstrates f 4 + f 5 jointly provides enough and the most balanced location information.

5.3. Qualitative Analysis

Figure 8 displays representative nodule segmentation edges from the FUSCC and LUNA testing sets (F1–F5 and L1–L5, respectively) to visually compare our approach to other approaches; including U-Net, U-Net++, and Attention U-Net. Specifically, for spiculate nodules (F1) found on the FUSCC, U-Net excessively segments the surrounding tissues. When segmenting the juxta-pleural nodules (F2), it is arduous to distinguish nodules and surrounding tissues with the same strength using U-Net and Attention U-Net, and U-Net++ segments the nearby pleura of similar intensity excessively. Regarding GGO nodules (F3), owing to the low contrast, Attention U-Net excessively segments the lung parenchyma. When segmenting isolated nodules (F4), U-Net falsely segments nearby tissues. In cavitary nodules (F5) segmentation, U-Net++ segments nodules only partially owing to low contrast. U-Net and Attention U-Net struggle to distinguish nodules from complex surroundings. In contrast, our network maintains strong robustness when segmenting these types of nodules. For simplicity, we analyzed typical nodule segmentation results on the LUNA dataset. When U-Net and Attention U-Net attempt to segment calcified nodules (L2), they cannot distinguish the background. When segmenting the GGO nodules with cavity structures (L4), U-Net and U-Net++ only partially recognize the nodules owing to the low-intensity contrast. Attention U-Net is slightly aggressive in segmentation, while U-Net++ is slightly conservative. From the above-mentioned qualitative comparison, it could be observed that the challenging nodules are mostly juxta-pleural nodules, juxta-vascular nodules, and nodules with heterogeneous intensities. Figure 9 further visualizes the segmentation results of these types of nodules from the LUNA and FUSCC datasets using our method. Notice that the segmentation results of our model have a large overlap with the ground-truth, which shows that it can always obtain the most accurate segmentation edge in the trade-off. The strong robustness of our method may benefit from the combination of the proposed components that are surely helpful for the refinement and fusion of complementary information between cross-scale features. Visual qualitative experiments show that our approach is effective in the segmentation of various types of lung nodules.
Unexpectedly, we found a wrong GT label for a juxta-vascular nodule in the comparative examination of test results (as shown in Figure 9, L13). Fortunately, our proposed network still accurately segmented it without being affected by the erroneous GT label, which proved the robustness and consistency of our model in pulmonary nodule segmentation.

5.4. Discussion

With the development of computer hardware technology and deep learning algorithms, more and more convolution neural networks are designed for the automated analysis of medical images. Although deep learning models have achieved marvelous results in various medical image tasks, precision lung nodule segmentation remains a challenging task owing to the diversity of lung nodules, the blurry edges, and small inter-class variances between nodules and their surrounding tissues. Inspired by the process of clinical diagnosis, we design a model in which the location, region, and edge information complement each other.
The experimental results show that the proposed network can segment pulmonary nodules effectively and robustly. Our MF block focuses on pulmonary nodule areas with rich details and yields locations with rich spatial information. The MD block generates coarse nodule areas by weighted cross-scale feature fusion and suppresses irrelevant information. In addition, our CM refines the nodule edge by complementing each other on location, region, and edge information to achieve the accurate segmentation of pulmonary nodules. These components can support plug-and-play to flexibly and effectively combine with other networks to improve performance. It is worth noting that OUR-Net achieved inspiring performance in pulmonary nodule segmentation in CT patches without any pre- or post-processing tricks.
However, there are still some limitations in our work. Although our approach achieved good results in lung nodule segmentation, it is only for 2D image applications. Additionally, nodule segmentation is only one part of lung cancer analysis and diagnosis. In the future, we will consider introducing the correlated inter-slice information of the 3D volume into the model to obtain better segmentation results. What is more, we will integrate the segmentation and classification of pulmonary nodules into a unified framework, and take advantage of the correlation between tasks to study a detection model in which segmentation and classification promote each other. Therefore, the framework can be better applied to clinical analysis.

6. Conclusions

In this study, we propose a novel scheme for lung nodule segmentation, which extracts high- and low-level local features in different ways and complements them with each other. Our proposed network is trained in an end-to-end manner to obtain an effective and robust segmentation performance for different types of pulmonary nodules. Our core idea is to imitate the nodule determination process so that nodule location, coarse nodule area, and nodule edge complement each other in clinical diagnosis, so that the network can learn multi-scale features with high consistency. Compared to several classic lung nodule segmentation methods, our method demonstrates excellent performance (DSC = 0.835 ± 0.002 for LUNA, and DSC = 0.868 ± 0.001 for FUSCC). In particular, our model exhibits great potential in segmenting challenging nodules, such as juxta-pleural nodules, juxta-vascular nodules, and nodules with heterogeneous intensity.

Author Contributions

Conceptualization, T.T.; methodology, T.T. and R.Z.; software, T.T. and X.X.; validation, K.L. and M.J.; formal analysis, T.T.; investigation, T.T.; resources, K.L.; data curation, K.L. and F.L.; writing—original draft preparation, T.T.; writing—review and editing, F.L.; M.J and R.Z.; visualization, T.T.; supervision, F.L.; project administration, R.Z.; funding acquisition, F.L. and R.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the National Natural Science Foundation of China (Grant No. 62005167); the National Key Research and Development Program of China (Grant No.2020YFC2008704).

Institutional Review Board Statement

This study was conducted in accordance with the Declaration of Helsinki and was approved by the local ethics committee. The requirement for informed consent was waived due to the anonymous and retrospective nature of this work.

Data Availability Statement

Data sharing not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Siegel, R.L.; Miller, K.D.; Fuchs, H.E.; Jemal, A. Cancer statistics, 2022. CA Cancer J. Clin. 2022, 72, 7–33. [Google Scholar] [CrossRef] [PubMed]
  2. Gao, S.; Li, N.; Wang, S.; Zhang, F.; Wei, W.; Li, N.; Bi, N.; Wang, Z.; He, J. Lung Cancer in People’s Republic of China. J. Thorac. Oncol. 2020, 15, 1567–1576. [Google Scholar] [CrossRef] [PubMed]
  3. Callister, M.E.; Baldwin, D.R.; Akram, A.R.; Barnard, S.; Cane, P.; Draffan, J.; Franks, K.; Gleeson, F.; Graham, R.; Malhotra, P.; et al. British Thoracic Society guidelines for the investigation and management of pulmonary nodules: Accredited by NICE. Thorax 2015, 70, ii1–ii54. [Google Scholar] [CrossRef] [Green Version]
  4. El-Regaily, S.A.; Salem, M.A.M.; Aziz, M.H.A.; Roushdy, M.I. Multi-view Convolutional Neural Network for lung nodule false positive reduction. Expert Syst. Appl. 2020, 162, 113017. [Google Scholar] [CrossRef]
  5. Liu, H.; Geng, F.; Guo, Q.; Zhang, C. A fast weak-supervised pulmonary nodule segmentation method based on modified self-adaptive FCM algorithm. Soft Comput. 2018, 22, 3983–3995. [Google Scholar] [CrossRef]
  6. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3431–3440. [Google Scholar] [CrossRef] [Green Version]
  7. He, K.; Zhang, X.; Ren, S.; 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] [Green Version]
  8. 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. 2016, 39, 1137–1149. [Google Scholar] [CrossRef] [Green Version]
  9. Feng, S.; Zhao, H.; Shi, F.; Cheng, X.; Wang, M.; Ma, Y.; Xiang, D.; Zhu, W.; Chen, X. CPFNet: Context Pyramid Fusion Network for Medical Image Segmentation. IEEE Trans. Med. Imaging 2020, 39, 3008–3018. [Google Scholar] [CrossRef]
  10. Zhang, Z.; Fu, H.; Dai, H.; Shen, J.; Pang, Y.; Shao, L. ET-Net: A Generic Edge-aTtention Guidance Network for Medical Image Segmentation. Int. Conf. Med. Image Comput. Comput. Interv. 2019, 11764, 442–450. [Google Scholar] [CrossRef]
  11. Badrinarayanan, V.; Kendall, A.; Cipolla, R. Segnet: A deep convolutional encoder-decoder architecture for image segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2481–2495. [Google Scholar] [CrossRef]
  12. Gu, R.; Wang, G.; Song, T.; Huang, R.; Aertsen, M.; Deprest, J.; Ourselin, S.; Vercauteren, T.; Zhang, S. CA-Net: Comprehensive Attention Convolutional Neural Networks for Explainable Medical Image Segmentation. IEEE Trans. Med. Imaging 2020, 40, 699–711. [Google Scholar] [CrossRef]
  13. Ni, Y.; Xie, Z.; Zheng, D.; Yang, Y.; Wang, W. Two-stage multitask U-Net construction for pulmonary nodule segmentation and malignancy risk prediction. Quant. Imaging Med. Surg. 2022, 12, 292–309. [Google Scholar] [CrossRef]
  14. Qian, W.; Zhao, X.; Sun, W.; Qi, S.; Sun, J.; Zhang, B.; Yang, Z. Fine-grained lung nodule segmentation with pyramid deconvolutional neural network. Med. Imaging 2019, 10950, 109503S. [Google Scholar] [CrossRef]
  15. Pezzano, G.; Ripoll, V.R.; Radeva, P. CoLe-CNN: Context-learning convolutional neural network with adaptive loss function for lung nodule segmentation. Comput. Methods Programs Biomed. 2021, 198, 105792. [Google Scholar] [CrossRef]
  16. Fan, D.-P.; Zhou, T.; Ji, G.-P.; Zhou, Y.; Chen, G.; Fu, H.; Shen, J.; Shao, L. Inf-Net: Automatic COVID-19 Lung Infection Segmentation from CT Images. IEEE Trans. Med. Imaging 2020, 39, 2626–2637. [Google Scholar] [CrossRef]
  17. Kostis, W.; Reeves, A.; Yankelevitz, D.; Henschke, C. Three-dimensional segmentation and growth-rate estimation of small pulmonary nodules in helical ct images. IEEE Trans. Med. Imaging 2003, 22, 1259–1274. [Google Scholar] [CrossRef]
  18. Dehmeshki, J.; Amin, H.; Valdivieso, M.; Ye, X. Segmentation of Pulmonary Nodules in Thoracic CT Scans: A Region Growing Approach. IEEE Trans. Med. Imaging 2008, 27, 467–480. [Google Scholar] [CrossRef] [Green Version]
  19. Chan, T.F.; Vese, L.A. Active contours without edges. IEEE Trans. Image Process. 2001, 10, 266–277. [Google Scholar] [CrossRef] [Green Version]
  20. Boykov, Y.; Kolmogorov, V. An experimental comparison of min-cut/max- flow algorithms for energy minimization in vision. IEEE Trans. Pattern Anal. Mach. Intell. 2004, 26, 1124–1137. [Google Scholar] [CrossRef]
  21. Gonçalves, L.; Novo, J.; Campilho, A. Hessian based approaches for 3D lung nodule segmentation. Expert Syst. Appl. 2016, 61, 1–15. [Google Scholar] [CrossRef]
  22. Mukhopadhyay, S. A Segmentation Framework of Pulmonary Nodules in Lung CT Images. J. Digit. Imaging 2016, 29, 86–103. [Google Scholar] [CrossRef] [Green Version]
  23. Jung, J.; Hong, H.; Goo, J.M. Ground-glass nodule segmentation in chest CT images using asymmetric multi-phase deformable model and pulmonary vessel removal. Comput. Biol. Med. 2018, 92, 128–138. [Google Scholar] [CrossRef] [PubMed]
  24. Jiang, J.; Hu, Y.-C.; Liu, C.-J.; Halpenny, D.; Hellmann, M.D.; Deasy, J.O.; Mageras, G.; Veeraraghavan, H. Multiple Resolution Residually Connected Feature Streams for Automatic Lung Tumor Segmentation from CT Images. IEEE Trans. Med. Imaging 2018, 38, 134–144. [Google Scholar] [CrossRef] [PubMed]
  25. Wang, S.; Zhou, M.; Liu, Z.; Liu, Z.; Gu, D.; Zang, Y.; Dong, D.; Gevaert, O.; Tian, J. Central focused convolutional neural networks: Developing a data-driven model for lung nodule segmentation. Med. Image Anal. 2017, 40, 172–183. [Google Scholar] [CrossRef] [PubMed]
  26. Cao, H.; Liu, H.; Song, E.; Hung, C.-C.; Ma, G.; Xu, X.; Jin, R.; Lu, J. Dual-branch residual network for lung nodule segmentation. Appl. Soft Comput. 2020, 86, 105934. [Google Scholar] [CrossRef]
  27. Wang, S.; Zhou, M.; Gevaert, O.; Tang, Z.; Dong, D.; Liu, Z.; Jie, T. A multi-view deep convolutional neural networks for lung nodule segmentation. In Proceedings of the 2017 39th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Jeju, Republic of Korea, 11–15 July 2017; pp. 1752–1755. [Google Scholar] [CrossRef]
  28. Hu, H.; Li, Q.; Zhao, Y.; Zhang, Y. Parallel Deep Learning Algorithms with Hybrid Attention Mechanism for Image Segmentation of Lung Tumors. IEEE Trans. Ind. Inform. 2020, 17, 2880–2889. [Google Scholar] [CrossRef]
  29. Murugesan, M.; Kaliannan, K.; Balraj, S.; Singaram, K.; Kaliannan, T.; Albert, J.R. A Hybrid deep learning model for effective segmentation and classification of lung nodules from CT images. J. Intell. Fuzzy Syst. 2022, 42, 2667–2679. [Google Scholar] [CrossRef]
  30. Dutande, P.; Baid, U.; Talbar, S. LNCDS: A 2D-3D cascaded CNN approach for lung nodule classification, detection and segmentation. Biomed. Signal Process. Control. 2021, 67, 102527. [Google Scholar] [CrossRef]
  31. Song, J.; Huang, S.-C.; Kelly, B.; Liao, G.; Shi, J.; Wu, N.; Li, W.; Liu, Z.; Cui, L.; Lungre, M.P.; et al. Automatic Lung Nodule Segmentation and Intra-Nodular Heterogeneity Image Generation. IEEE J. Biomed. Health Inform. 2021, 26, 2570–2581. [Google Scholar] [CrossRef]
  32. Huang, X.; Sun, W.; Tseng, T.-L.B.; Li, C.; Qian, W. Fast and fully-automated detection and segmentation of pulmonary nodules in thoracic CT scans using deep convolutional neural networks. Comput. Med. Imaging Graph. 2019, 74, 25–36. [Google Scholar] [CrossRef]
  33. Maqsood, M.; Yasmin, S.; Mehmood, I.; Bukhari, M.; Kim, M. An Efficient DA-Net Architecture for Lung Nodule Segmentation. Mathematics 2021, 9, 1457. [Google Scholar] [CrossRef]
  34. Shi, J.; Ye, Y.; Zhu, D.; Su, L.; Huang, Y.; Huang, J. Comparative analysis of pulmonary nodules segmentation using multiscale residual U-Net and fuzzy C-means clustering. Comput. Methods Programs Biomed. 2021, 209, 106332. [Google Scholar] [CrossRef]
  35. Sun, Y.; Tang, J.; Lei, W.; He, D. 3D Segmentation of Pulmonary Nodules Based on Multi-View and Semi-Supervised. IEEE Access 2020, 8, 26457–26467. [Google Scholar] [CrossRef]
  36. Wang, B.; Chen, K.; Tian, X.; Yang, Y.; Zhang, X. An effective deep network for automatic segmentation of complex lung tumors in CT images. Med. Phys. 2021, 48, 5004–5016. [Google Scholar] [CrossRef]
  37. Yang, J.; Wu, B.; Li, L.; Cao, P.; Zaiane, O. MSDS-UNet: A multi-scale deeply supervised 3D U-Net for automatic segmentation of lung tumor in CT. Comput. Med. Imaging Graph. 2021, 92, 101957. [Google Scholar] [CrossRef]
  38. Wang, K.; Zhang, X.; Zhang, X.; Huang, S.; Li, J.; HuangFu, L. Multi-granularity scale-aware networks for hard pixels segmentation of pulmonary nodules. Biomed. Signal Process. Control 2021, 69, 102890. [Google Scholar] [CrossRef]
  39. Zhu, L.; Zhu, H.; Yang, S.; Wang, P.; Yu, Y. HR-MPF: High-resolution representation network with multi-scale progressive fusion for pulmonary nodule segmentation and classification. EURASIP J. Image Video Process. 2021, 2021, 34. [Google Scholar] [CrossRef]
  40. Liu, S.; Huang, D.; Wang, Y. Receptive field block net for accurate and fast object detection. In Proceedings of the European Conference on Computer Vision (ECCV), Munich, Germany, 8–14 September 2018; Springer: Berlin, Germany, 2018; pp. 385–400. [Google Scholar]
  41. 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. 2017, 40, 834–848. [Google Scholar] [CrossRef]
  42. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional networks for biomedical image segmentation. In Medical Image Computing and Computer-Assisted Intervention 2015; Navab, N., Hornegger, J., Wells, W.M., Frangi, A.F., Eds.; Springer International Publishing: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar] [CrossRef] [Green Version]
  43. Wu, Z.; Su, L.; Huang, Q. Cascaded Partial Decoder for Fast and Accurate Salient Object 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. 3907–3916. [Google Scholar] [CrossRef] [Green Version]
  44. Wu, Z.; Su, L.; Huang, Q. Stacked Cross Refinement Network for Edge-Aware Salient Object Detection. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October 2019–2 November 2019; pp. 7264–7273. [Google Scholar] [CrossRef]
  45. Zhao, J.; Liu, J.-J.; Fan, D.-P.; Cao, Y.; Yang, J.; Cheng, M.-M. EGNet: Edge Guidance Network for Salient Object Detection. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October 2019–2 November 2019; pp. 8779–8788. [Google Scholar] [CrossRef] [Green Version]
  46. Zhang, F.; Zhai, G.; Li, M.; Liu, Y. Three-branch and Mutil-scale learning for Fine-grained Image Recognition (TBMSL-Net). arXiv 2020, arXiv200309150. [Google Scholar]
  47. Wei, X.-S.; Luo, J.-H.; Wu, J.; Zhou, Z.-H. Selective Convolutional Descriptor Aggregation for Fine-Grained Image Retrieval. IEEE Trans. Image Process. 2017, 26, 2868–2881. [Google Scholar] [CrossRef] [Green Version]
  48. Wei, J.; Wang, S.; Huang, Q. F3Net: Fusion, Feedback and Focus for Salient Object Detection. Proc. Conf. AAAI Artif. Intell. 2020, 34, 12321–12328. [Google Scholar] [CrossRef]
  49. Setio, A.A.A.; Traverso, A.; de Bel, T.; Berens, M.S.; Bogaard, C.V.D.; Cerello, P.; Chen, H.; Dou, Q.; Fantacci, M.E.; Geurts, B.; et al. Validation, comparison, and combination of algorithms for automatic detection of pulmonary nodules in computed tomography images: The LUNA16 challenge. Med. Image Anal. 2017, 42, 1–13. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  50. Armato, S.G.; McLennan, G.; Bidaut, L.; McNitt-Gray, M.F.; Meyer, C.R.; Reeves, A.P.; Zhao, B.; Aberle, D.R.; Henschke, C.I.; Hoffman, E.A.; et al. The Lung Image Database Consortium (LIDC) and Image Database Resource Initiative (IDRI): A Completed Reference Database of Lung Nodules on CT Scans. Med. Phys. 2011, 38, 915–931. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  51. Valverde, S.; Oliver, A.; Roura, E.; González-Villà, S.; Pareto, D.; Vilanova, J.C.; Ramió-Torrentà, L.; Rovira, A.; Lladó, X. Automated tissue segmentation of MR brain images in the presence of white matter lesions. Med. Image Anal. 2017, 35, 446–457. [Google Scholar] [CrossRef] [PubMed]
  52. Menze, B.H.; Jakab, A.; Bauer, S.; Kalpathy-Cramer, J.; Farahani, K.; Kirby, J.; Burren, Y.; Porz, N.; Slotboom, J.; Wiest, R.; et al. The Multimodal Brain Tumor Image Segmentation Benchmark (BRATS). IEEE Trans. Med. Imaging 2014, 34, 1993–2024. [Google Scholar] [CrossRef]
  53. Perazzi, F.; Krähenbühl, P.; Pritch, Y.; Hornung, A. Saliency filters: Contrast based filtering for salient region detection. In Proceedings of the 2012 IEEE Conference on Computer Vision and Pattern Recognition, Providence, RI, USA, 16–21 June 2012; pp. 733–740. [Google Scholar] [CrossRef]
  54. Lan, T.; Li, Y.; Murugi, J.K.; Ding, Y.; Qin, Z. Run: Residual U-Net for computer-aided detection of pulmonary nodules without candidate selection. arXiv 2018, arXiv180511856. [Google Scholar]
  55. Zhou, Z.; Siddiquee, M.M.R.; Tajbakhsh, N.; Liang, J. UNet++: A Nested U-Net Architecture for Medical Image Segmentation. In Deep Learning in Medical Image Analysis and Multimodal Learning for Clinical Decision Support; Lecture Notes in Computer Science; Stoyanov, D., Ed.; Springer: Berlin/Heidelberg, Germany, 2018; Volume 11045. [Google Scholar] [CrossRef] [Green Version]
  56. Gu, Z.; Cheng, J.; Fu, H.; Zhou, K.; Hao, H.; Zhao, Y.; Zhang, T.; Gao, S.; Liu, J. CE-Net: Context Encoder Network for 2D Medical Image Segmentation. IEEE Trans. Med. Imaging 2019, 38, 2281–2292. [Google Scholar] [CrossRef]
  57. Oktay, O.; Schlemper, J.; Folgoc, L.L.; Lee, M.; Heinrich, M.; Misawa, K.; Mori, K.; McDonagh, S.; Hammerla, N.Y.; Kainz, B.; et al. Attention u-net: Learning where to look for the pancreas. arXiv 2018, arXiv180403999. [Google Scholar]
Figure 1. Examples of pulmonary nodules with large variation between nodules and small variation between nodules and their surrounding tissues in CT patches. (a) Indicates that nodules are high variability in size, shape, and intensity. (b) Indicates that nodules have similar visual characteristics to their surrounding lung parenchyma, lung wall, blood vessels, etc.
Figure 1. Examples of pulmonary nodules with large variation between nodules and small variation between nodules and their surrounding tissues in CT patches. (a) Indicates that nodules are high variability in size, shape, and intensity. (b) Indicates that nodules have similar visual characteristics to their surrounding lung parenchyma, lung wall, blood vessels, etc.
Entropy 24 01755 g001
Figure 2. The structure of the proposed network. backbone: Res2Net50 that is pre-trained on ImageNet dataset. HDM: high-level feature decoder module. It fully aggregates multi-scale high-level features to generate rough global features. LDM: low-level feature decoder module. The generated edge features are expected to refine and constrain the coarse global features. CM: complementary module. It complements the edge and global features to obtain a segmentation prediction map. LE: low-level edge block. MF: multi-receptive field block. MD: multi-scale decoder block. LF: location fusion. EF: edge fusion.
Figure 2. The structure of the proposed network. backbone: Res2Net50 that is pre-trained on ImageNet dataset. HDM: high-level feature decoder module. It fully aggregates multi-scale high-level features to generate rough global features. LDM: low-level feature decoder module. The generated edge features are expected to refine and constrain the coarse global features. CM: complementary module. It complements the edge and global features to obtain a segmentation prediction map. LE: low-level edge block. MF: multi-receptive field block. MD: multi-scale decoder block. LF: location fusion. EF: edge fusion.
Entropy 24 01755 g002
Figure 3. The architecture of the multi-receptive field (MF) block, “d” denotes dilation rate. It contains four branches that can extract features from different scales to retain more accurate spatial location information at high levels.
Figure 3. The architecture of the multi-receptive field (MF) block, “d” denotes dilation rate. It contains four branches that can extract features from different scales to retain more accurate spatial location information at high levels.
Entropy 24 01755 g003
Figure 4. The architecture of the multi-scale decoder (MD) block. It aggregates three high-level features cross-scale to generate a coarse global map of lung nodules, which makes full use of the high-level features.
Figure 4. The architecture of the multi-scale decoder (MD) block. It aggregates three high-level features cross-scale to generate a coarse global map of lung nodules, which makes full use of the high-level features.
Entropy 24 01755 g004
Figure 5. The architecture of the low-level edge (LE) block. It extracts complete edge information, which effectively constrains and guides the lung nodule segmentation, and further refines the coarse lung nodule area.
Figure 5. The architecture of the low-level edge (LE) block. It extracts complete edge information, which effectively constrains and guides the lung nodule segmentation, and further refines the coarse lung nodule area.
Entropy 24 01755 g005
Figure 6. Visualization of weighted pixels located at edges from different nodule samples. The nodule pixel weight distribution under the weighted strategy for pixels located at edges, where red is the high weight and blue is the low weight.
Figure 6. Visualization of weighted pixels located at edges from different nodule samples. The nodule pixel weight distribution under the weighted strategy for pixels located at edges, where red is the high weight and blue is the low weight.
Entropy 24 01755 g006
Figure 7. Visual comparisons between the proposed modules on the test set. Each row presents a nodule segmentation case and each column is the segmentation result of adding different components: (a) backbone. (b) backbone + MF. (c) backbone + MF +MD. (d) backbone + MF + MD + CM without loss strategy for weighted pixels located at edges. (e) backbone + MF + MD + CM with loss strategy for weighted pixels located at edges. GT: Ground-Truth.
Figure 7. Visual comparisons between the proposed modules on the test set. Each row presents a nodule segmentation case and each column is the segmentation result of adding different components: (a) backbone. (b) backbone + MF. (c) backbone + MF +MD. (d) backbone + MF + MD + CM without loss strategy for weighted pixels located at edges. (e) backbone + MF + MD + CM with loss strategy for weighted pixels located at edges. GT: Ground-Truth.
Entropy 24 01755 g007
Figure 8. Visualization of lung nodule segmentation results. From top to bottom: the image of GT, segmentation result of U-Net, U-Net++, Attention U-Net, and OUR-Net. F1–F5 and L1–L5 are 5 representative nodules from the FUSCC and LUNA testing sets, respectively.
Figure 8. Visualization of lung nodule segmentation results. From top to bottom: the image of GT, segmentation result of U-Net, U-Net++, Attention U-Net, and OUR-Net. F1–F5 and L1–L5 are 5 representative nodules from the FUSCC and LUNA testing sets, respectively.
Entropy 24 01755 g008
Figure 9. Segmentation results of the challenging nodules by OUR-Net on FUSCC and LUNA testing sets (F1–F15 and L1–L15, respectively). The red and yellow outlines represent the GT and segmentation results of OUR-Net, respectively.
Figure 9. Segmentation results of the challenging nodules by OUR-Net on FUSCC and LUNA testing sets (F1–F15 and L1–L15, respectively). The red and yellow outlines represent the GT and segmentation results of OUR-Net, respectively.
Entropy 24 01755 g009
Table 1. Performance comparison of lung nodule segmentation on the LUNA16 and FUSCC test datasets. DSC, JA, and HD95 are presented as mean ± standard deviation (SD) (95% confidence interval). The best two results are indicated in red and blue. ↑: larger is better, : smaller is better.
Table 1. Performance comparison of lung nodule segmentation on the LUNA16 and FUSCC test datasets. DSC, JA, and HD95 are presented as mean ± standard deviation (SD) (95% confidence interval). The best two results are indicated in red and blue. ↑: larger is better, : smaller is better.
Method LUNA16FUSCC
U-
Net
U-Net++RUNAttention
U-Net
Huang
et al.
CE-
Net
OUR-NetU-
Net
U-Net++Attention
U-Net
CE-
Net
OUR-Net
DSC0.676
± 0.004
0.747
± 0.003
0.719
N/A
0.772
± 0.006
0.793
N/A
0.825
± 0.002
0.835
± 0.002
0.686
± 0.003
0.767
± 0.009
0.816
± 0.006
0.864 ± 0.0030.868
± 0.001
JA0.511
± 0.004
0.596
± 0.004
0.561
N/A
0.628
± 0.008
0.657
N/A
0.702
± 0.002
0.717
± 0.003
0.522
± 0.003
0.621
± 0.012
0.675
± 0.008
0.761 ± 0.0040.767
± 0.002
HD9513.906
± 1.200
9.593
± 2.857
N/A6.041
± 0.008
N/A4.161
± 0.127
3.722
± 0.226
20.036
± 0.705
18.402
± 0.965
10.293
± 1.595
5.427
± 0.114
5.354
± 0.389
SE0.7050.746N/A0.907N/A0.8190.8650.8830.8010.9100.8810.884
SP0.9720.973N/A0.982N/A0.9830.9910.9690.9810.9800.9860.987
Sm0.8440.890N/A0.869N/A0.9120.9150.8070.8920.8850.9160.919
Em0.8240.888N/A0.907N/A0.9510.9550.8140.8850.9160.9610.962
MAE0.1210.087N/A0.088N/A0.0190.0150.1370.0910.0860.0260.026
Table 2. Ablation analysis of our network on the FUSCC dataset. Dice similarity coefficient (DSC), Jaccard Index (JA), and Hausdorff distance (95%) (HD95) in test results are displayed in the form of mean ± standard deviation (SD) (95% confidence interval), and the best results are reported in bold. (w/o W): with CM and without loss strategy for weighted pixels located at edges; *: with CM module and loss strategy for weighted pixels located at edges. ↑: larger is better, : smaller is better.
Table 2. Ablation analysis of our network on the FUSCC dataset. Dice similarity coefficient (DSC), Jaccard Index (JA), and Hausdorff distance (95%) (HD95) in test results are displayed in the form of mean ± standard deviation (SD) (95% confidence interval), and the best results are reported in bold. (w/o W): with CM and without loss strategy for weighted pixels located at edges; *: with CM module and loss strategy for weighted pixels located at edges. ↑: larger is better, : smaller is better.
IndexModelDSC↑JA↑HD95↓SE↑SP↑Sm↑Em↑MAE↓
(a)backbone0.459
± 0.011
0.298
± 0.009
34.703
± 3.417
0.5580.8890.7390.7190.178
(b)(a) +MF0.659
± 0.010
0.491
± 0.011
26.286
± 2.303
0.7200.9070.8250.8760.101
(c)(b) +MD0.791
± 0.003
0.654
± 0.004
8.389
± 1.228
0.8540.9580.8750.9080.076
(d)(c) +CM (w/o W)0.859
± 0.001
0.753
± 0.001
6.119
± 0.388
0.8640.9780.9100.9520.034
(e)(c) +CM * (ours)0.868
± 0.001
0.767
± 0.002
5.354
± 0.389
0.8840.9870.9190.9620.026
Table 3. Performance comparison of different localization information fusions in LF (location fusion) on the FUSCC dataset. The best results are reported in bold.
Table 3. Performance comparison of different localization information fusions in LF (location fusion) on the FUSCC dataset. The best results are reported in bold.
ModelDSCJAHD95SESPSmEmMAE
f 5 0.860
± 0.002
0.754
± 0.002
5.763
± 0.341
0.8640.9900.9170.9560.027
f 4 + f 5 0.868
± 0.001
0.767
± 0.002
5.354
± 0.389
0.8840.9870.9190.9620.026
f 3 + f 4 + f 5 0.866
± 0.002
0.764
± 0.002
5.219
± 0.383
0.8830.9880.9190.9600.026
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Tang, T.; Li, F.; Jiang, M.; Xia, X.; Zhang, R.; Lin, K. Improved Complementary Pulmonary Nodule Segmentation Model Based on Multi-Feature Fusion. Entropy 2022, 24, 1755. https://doi.org/10.3390/e24121755

AMA Style

Tang T, Li F, Jiang M, Xia X, Zhang R, Lin K. Improved Complementary Pulmonary Nodule Segmentation Model Based on Multi-Feature Fusion. Entropy. 2022; 24(12):1755. https://doi.org/10.3390/e24121755

Chicago/Turabian Style

Tang, Tiequn, Feng Li, Minshan Jiang, Xunpeng Xia, Rongfu Zhang, and Kailin Lin. 2022. "Improved Complementary Pulmonary Nodule Segmentation Model Based on Multi-Feature Fusion" Entropy 24, no. 12: 1755. https://doi.org/10.3390/e24121755

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