Skip to main content

ORIGINAL RESEARCH article

Front. Physiol., 22 August 2023
Sec. Computational Physiology and Medicine

Intelligent contour extraction approach for accurate segmentation of medical ultrasound images

Tao Peng,,
&#x;Tao Peng1,2,3*Yiyun Wu&#x;Yiyun Wu4Yidong Gu&#x;Yidong Gu5Daqiang Xu&#x;Daqiang Xu6Caishan Wang&#x;Caishan Wang7Quan Li
Quan Li8*Jing Cai
Jing Cai2*
  • 1School of Future Science and Engineering, Soochow University, Suzhou, China
  • 2Department of Health Technology and Informatics, The Hong Kong Polytechnic University, Kowloon, Hong Kong SAR, China
  • 3Department of Radiation Oncology, UT Southwestern Medical Center, Dallas, TX, United States
  • 4Department of Ultrasound, Jiangsu Province Hospital of Chinese Medicine, Nanjing, Jiangsu, China
  • 5Department of Medical Ultrasound, The Affiliated Suzhou Hospital of Nanjing Medical University, Suzhou Municipal Hospital, Suzhou, Jiangsu, China
  • 6Department of Radiology, The Affiliated Suzhou Hospital of Nanjing Medical University, Suzhou Municipal Hospital, Suzhou, Jiangsu, China
  • 7Department of Ultrasound, The Second Affiliated Hospital of Soochow University, Suzhou, China
  • 8Center of Stomatology, The Second Affiliated Hospital of Soochow University, Suzhou, China

Introduction: Accurate contour extraction in ultrasound images is of great interest for image-guided organ interventions and disease diagnosis. Nevertheless, it remains a problematic issue owing to the missing or ambiguous outline between organs (i.e., prostate and kidney) and surrounding tissues, the appearance of shadow artifacts, and the large variability in the shape of organs.

Methods: To address these issues, we devised a method that includes four stages. In the first stage, the data sequence is acquired using an improved adaptive selection principal curve method, in which a limited number of radiologist defined data points are adopted as the prior. The second stage then uses an enhanced quantum evolution network to help acquire the optimal neural network. The third stage involves increasing the precision of the experimental outcomes after training the neural network, while using the data sequence as the input. In the final stage, the contour is smoothed using an explicable mathematical formula explained by the model parameters of the neural network.

Results: Our experiments showed that our approach outperformed other current methods, including hybrid and Transformer-based deep-learning methods, achieving an average Dice similarity coefficient, Jaccard similarity coefficient, and accuracy of 95.7 ± 2.4%, 94.6 ± 2.6%, and 95.3 ± 2.6%, respectively.

Discussion: This work develops an intelligent contour extraction approach on ultrasound images. Our approach obtained more satisfactory outcome compared with recent state-of-the-art approaches . The knowledge of precise boundaries of the organ is significant for the conservation of risk structures. Our developed approach has the potential to enhance disease diagnosis and therapeutic outcomes.

1 Introduction

Medical image segmentation techniques have been essential for the early diagnosis of clinical disease. They have primarily been used to discover the region of interest (ROI) in medical images. Due to its ability to generate real-time images and its low cost, ultrasound imaging has been one of the most commonly used imaging techniques for early disease detection. However, the precise segmentation of organs in ultrasound images remains challenging, as 1) the boundaries of organs (i.e., prostate and kidney) are ambiguous or have unseen regions owing to the low contrast of ultrasound images, and 2) the shapes of organs vary between different patients.

Medical image segmentation has become a considerable research field. Lei et al. (Lei et al., 2021) devised an improved deep convolution network to segment multiple organs (i.e., bladder, prostate, rectum, and urethra) in the male pelvic region, where an anchor-free-based module assisted the proposed model to precisely capture the relationship of both locations and shapes among multiple organs. However, the capability of this technique depends on the number of training images. In addition, a validation set was not used, so the selection of the hyper-parameters (i.e., learning rate and optimal epoch) of the model was not allowed. Due to the limited amount of ultrasound data for training, Amiri et al. (Amiri et al., 2020) used the pre-trained Unet model for ultrasound image segmentation. The pre-trained Unet model was trained on the XPIE dataset (Xia et al., 2017), which includes 10,000 natural images. In addition, the newly added deep and shallow layers can potentially be used to search for the best scheme for the transfer learning model. However, the final segmentation performance is affected by the correlation between the two datasets. In the ultrasound image segmentation task, Xu et al. (Xu et al., 2021) added a vector-based attention layer to the convolutional neural network to balance spatial and channel attention so that it can better highlight the salient features. In addition, the geometric priors of specific organs were used to improve the accuracy of detection. However, a validation set was not used for the estimation of hyper-parameters in the learning algorithms. Among the different types of segmentation methods, contour extraction methods are known for their ability to extract realistic shapes of organs in medical images.

A region expression or curve description model has been the primary goal of the contour extraction models developed to express realistic contours of tissues. Zhang et al. (Zhang et al., 2020) designed a multiple-channel, atrous-based neural network (NN) to segment ultrasound slices. In this model, the multiple-channel convolution layer and the atrous-based module were used to accurately collect multi-scale knowledge. Mishra et al. (Mishra et al., 2019) developed a deeply supervised network for segmentation in ultrasound images, in which a fusion layer was used to improve the flexibility of the network so that it could automatically choose the best features for further refinement. However, the accuracy of the network was influenced by the size of the input images. He et al. (He et al., 2021) proposed a synergistic image-level and voxel-level segmentation network, where the model used a contour-aware module for sampling to potentially increase the precision of delineation of the prostate outline. Panigrahi et al. (Panigrahi et al., 2019) used the multi-scale Gaussian fuzzy clustering algorithm to roughly segment the ROIs in ultrasound images. A multi-scale vector field convolution algorithm was then used to fine-tune the accuracy of the ROI. However, too many referred parameters of the proposed network were potentially required to be manually initialized. Liu et al. (Liu et al., 2021) introduced threshold segmentation into a deep-learning framework to generate the S-Mask R-CNN + Inception-v3 model to detect disease, but the Dice similarity coefficient (DSC) (Peng et al., 2018a) of the testing results was approximately 0.87.

In this work, we summarize the technical contributions of our segmentation approach in the ultrasound image segmentation field, as described below:

1) As the accurate contour extraction of organs in ultrasound images is a difficult task, the DSCs of fully-automatic methods are approximately 0.9 (Girum et al., 2020; Wang et al., 2019). Therefore, here, we present a semi-automatic contour extraction framework using radiologist-defined data points as the prior, resulting in a DSC of 0.957.

2) Due to their satisfactory performance at handling noisy input, principal curve (PC) techniques are widely adopted for distinguishing abnormal tissues from other surrounding regular tissues (Peng et al., 2018a). However, the number of vertices needs to be pre-determined by the users. Our method proposed herein addresses this problem.

3) As the contours of PC-based techniques consisting of segments are not smooth (Biau and Fischer, 2012), our method was developed, which used an interpretable mathematical formula to smooth the experimental contour.

In summary, the detailed advantages of the proposed approach compared with current approaches are as follows:

1) Differing from standard PC-based methods (Peng et al., 2018a), the adaptive selection principal curve (ASPC) method combines the neutrosophic-set-based mean shift (NSMS) method with the PC-based projection step. The advantage of the ASPC method is that it automatically determines the number of cluster vertices and then obtains the data sequence.

2) Differing from the mean shift clustering (MSC) method (Cheng, 1995), our NSMS method was able to achieve more robust outcomes, as it includes the natural capability of the neutrosophic set (NS) to study the neutralities’ nature to handle indeterminate information, especially noise, well.

3) To the best of our knowledge, the memory-based quantum-inspired differential evolution (MQDE) method is the first attempt to facilitate acquiring an optimal fractional-order backpropagation neural network (FBNNL) (Chen et al., 2020). Differing from the quantum-inspired differential evolution (QDE) technique, both a memory-based mechanism (Peng et al., 2021) and the Cuckoo search algorithm (Cobos et al., 2014) were used while innovatively designing a new mutation technique to enhance the ability of the model to handle different types of multimodal issues and including the newly proposed global optimum scheme to acquire the appropriate parameters of the model.

4) Due to the excellent storage and heredity ability of the Caputo-derivative-based fractional gradient descent algorithm, we used the FBNNL (Chen et al., 2020). In addition, we used the exponential linear unit (ELU) function (Bernal et al., 2019) to take the place of the sigmoid function (Bernal et al., 2019) that we used in our previous study (Peng et al., 2018a) to address the vanishing gradients issue.

5) To smooth the contours of PC-based methods, we used an interpretable mathematical model to express the smooth organ contour, which is denoted by the parameters of the optimized FBNNL.

A previous study (Peng et al., 2022a) (namely, H-SegMed method) is related to this current study; however, there are some differences between the two studies, as indicated below.

1) Compared with the previous study (Peng et al., 2022a), here we used multiple datasets, including prostate and kidney datasets, rather than only one prostate dataset to evaluate the performance of our model.

2) Here, we innovatively used the ASPC method to automatically decide the number of vertices/clusters, whereas this required human intervention in the previous study (Peng et al., 2022a).

3) Here, we newly integrated the quantum computing characteristics into the evolution NN to enhance the capability of searching between global and local, while innovatively adding the Cuckoo search algorithm (Cobos et al., 2014) to improve the ability to select the optimal parameters.

4) Here, we adopted the ELU activation function (Bernal et al., 2019) to substitute the Tanh activation function used in the previous study (Peng et al., 2022a) to handle the gradient vanishing problem that appeared before. Based on this change, we developed an ELU-based mathematical model of organ contour using the mathematical derivation process.

2 Materials and methods

2.1 Problem formulation

Due to the existence of strong artifacts, there are ambiguous or unseen organ regions in ultrasound images, which makes it challenging to find the ultrasound organ contour. The DSCs of most automatic methods (Girum et al., 2020; Wang et al., 2019) are approximately 0.9. To improve the segmentation accuracy, we designed a point-guided segmentation model using a few points as the prior. Several researchers have used the PC method to identify a PC that can express the general direction of the data (Kégl et al., 2000). However, the performance of the PC-based method, which is affected by the number of segments, is always variable (Biau and Fischer, 2012; Peng et al., 2021) (shown in Figure 1), as the number of cluster vertices is pre-decided by the users (Moraes et al., 2020). Hence, pre-setting the number of vertices/clusters is critical for the results of PC-based methods. Moreover, the outcomes of PC-based techniques are composed of segments (Biau and Fischer, 2012) (shown in Figure 1), and smoothing the results becomes an important issue.

FIGURE 1
www.frontiersin.org

FIGURE 1. Different numbers of segments cause different achievements when using PC-based models. (A) an appropriate number of segments (k), (B) too few segments, and (C) too many segments.

2.2 Detection model

For accurate contour detection, we developed a hybrid segmentation method for medical ultrasound images. The method contains four main stages. In Stage 1, we adopted the ASPC model to achieve the data sequence D, where D includes the data point pi and the corresponding projection index t. In Stage 2, the MQDE was designed to achieve the initial optimal parameters (i.e., weights and thresholds) of the FBNNL. In Stage 3, the projection index t was used as the determined FBNNL input, and the coordinates of pi were used as the expected outcome values for computing the global model error E. During the training of the FBNNL, the FBNNL’s model deviation E decreased, and the optimal FBNNL was obtained. In Stage 4, an interpretable mathematical model of the organ contour was used to smooth the results. This was expressed by the model parameters of the optimal FBNNL. Figure 2 presents the design of our method.

FIGURE 2
www.frontiersin.org

FIGURE 2. Design of our method. The first stage is to acquire a data sequence via the PC-based method. The second stage is to obtain the smooth and interpretable organ contour during the evolution-based neural network’s training. After training, the qualitative and quantitative evaluation is adopted for the experimental results in the third stage. Here are the abbreviations used in the figure: NSMS: neutrosophic-set-based mean shift method; MQDE: memory-based quantum-inspired differential evolution method; FBNNL: fractional-order backpropagation neural network; CFGD: Caputo-type fractional gradient descent method; PC: principal curve; DSC: Dice similarity coefficient; OMG: Jaccard similarity coefficient; and ACC: accuracy.

2.2.1 Stage 1: acquire the data sequence

We designed the ASPC method to acquire the data sequence. This method combines the NSMS algorithm with the PC-based projection step. Compared with standard PC-based methods (Peng et al., 2018a; Wu et al., 2021), the main improvement of the proposed ASPC method is the automatic determination of the vertices/clusters of the PC. Figure 3 shows a comparison between the standard PC-based method and our ASPC method.

FIGURE 3
www.frontiersin.org

FIGURE 3. Difference between the original PC-based method (Peng et al., 2018a; Wu et al., 2021) and the proposed adaptive selection principal curve method. Here are the abbreviations used in the figure: PC: principal curve; NSMS: neutrosophic-set-based mean shift method; ASPC: adaptive selection principal curve.

2.2.1.1 Preprocessing stage

We used Z-score normalization (Kabir et al., 2015) as the outlier prevention preprocessing technique to detect and remove outliers, while histogram equalization (Stark, 2000) was used to enhance the contrast in the images.

2.2.1.2 NSMS method

Cheng et al. (Cheng, 1995) developed the traditional MSC method to search for the data cluster. However, many previous studies have demonstrated that the MSC method, with adaptive bandwidth, can generate more accurate results than the fixed-bandwidth module (Comaniciu et al., 2001). Furthermore, image noise, which is one type of uncertain information, may affect segmentation accuracy (Nguyen et al., 2019). NS has an inherent ability to study the neutralities’ ability to handle uncertain information, especially noise, well (Nguyen et al., 2019). Hence, we introduced an improved NS-related filter into the MSC method. The workflow of the NSMS method is described below.

Step 1:. Map the original data set Pn into the channels in the neutrosophic set, in which Tc(Pn), Ic(Pn), and Fc(Pn) indicate the light, indeterminate, and non-light data pixel sets, respectively.

TCx,y=gx,y+gmingmaxgmin(1)
ICx,y=Gdx,y+GdminGdmaxGdmin(2)

and

FCx,y=gmaxgx,ygmaxgmin(3)

where g(x, y) indicates the intensity value and Gd(x, y) indicates the gradient value in the location p(x, y).

Step 2:. Compute all of the channels according to the uncertain filter.

σIx,y=aICx,y+b(4)

and

GIcu,v=12πσI2expu2+v22σI2(5)

where σI represents the standard deviation that fixes the feature of the kernel function, and GIc represents the kernel function of the indeterminacy filter.

Step 3:. Calculate the uncertain outcomes of the channels in the neutrosophic set

Tcx,y=v=ym/2y+m/2u=xm/2x+m/2Tcxu,yvGIcu,v(6)

where Tc’represents the outcome using an uncertain filter on Tc, and m represents the size of the filter.

Step 4:. Use the randomly picked ungrouped point pi to calculate the bandwidth h.

hx,y=Icavgx,ymaxTcminTc(7)

where Icavg shows the mean uncertain value of the recent cluster point.

Step 5:. Calculate the mean shift vector m(p).

mp=i=1npi×Lppih2i=1nLppih2p(8)

Step 6:. Transfer pi in the direction m(p), and it obeys the rule that pi = pi + m(p).

Step 7:. Jump to Step 5 when stop condition fp=0 is satisfied.

Step 8:. Use the average value of the current cluster in uncertain domain to compute the bandwidth h.

Step 9:. Jump to Step 5 when the current cluster point is stable.

Step 10:. Jump to Step 4 when all data points are classified.

Step 11:. The cluster points are achieved after the loop ends.

2.2.1.3 The PC-based projection step

After completing the NSMS method, we obtained the vertices/clusters and then determined the PC f. Hastie et al. (Hastie and Stuetzle, 1989) first proposed a “self-consistent” PC passing through the “middle” of the data cloud. We assumed that f shows a polygon connected with vertices v and line segments s. During the PC-based projection step, we scanned the PC f near the data point pi, projected pi to the nearest neighborhood sets (vertices set Vi or segments set Si), and then acquired the projection index t (Kégl et al., 2000) of pi. The corresponding projection indices of the remaining points were also obtained using this method. Figure 4 shows the partition results according to the vertices and segments of the PC.

FIGURE 4
www.frontiersin.org

FIGURE 4. Optimal partition results according to the vertices and segments of the PC. For better visualization, we set the color of points pi projecting to vertices vi as blue and those projecting to segments si as orange. PC: principal curve.

2.2.2 Stage 2: finding the optimal NN

As the NN is easily trapped into the local minimum during training, the MQDE method was used to help search for the optimal initial FBNNL.

2.2.2.1 Improvements of our MQDE method

There are drawbacks to the use of gradient-optimization-based NNs due to the trend of being trapped into the local optimum. We designed an MQDE method to search for the best configuration variables (i.e., weights and thresholds) of the NN. Differing from the QDE method (Draa et al., 2011), we developed the MQDE method by including some improvements, such as 1) a memory-based mechanism (Peng et al., 2021), 2) a new mutation technique, 3) the Cuckoo search (CS) technique, and 4) a global optimum scheme. The pseudo-code of the basic QDE method (Draa et al., 2011) is presented in Supplementary Appendix S1.

1) Memory-based mechanism (Peng et al., 2021): The purpose of this mechanism is to deposit the optimal average mutation factor (uF) and crossover rate (uCR) from the last iteration and use them as the initialization of the next iteration. The architecture of the memory-based MQDE method is presented in this section.

2) New quantum mutation method: We have listed some well-known mutation strategies of the QDE method in Supplementary Appendix S2. These strategies are appropriate for dealing with different optimization issues. DE/rand/1 and DE/rand/2 are known to focus on exploration; thus, they are suitable for dealing with multimodal issues. Meanwhile, both DE/best/1 and DE/best/2 focus on exploitation and are therefore appropriate for handling unimodal issues (Li et al., 2016; Cui et al., 2018). Hence, we developed a new quantum mutation scheme named DE/superior/1, which combines the advantages of the DE/rand/1 and DE/best/1 quantum mutation schemes, as shown by:

vecig=αbaseg+F×αi2gαi3g(9)

and

αbaseg=λ×αi1g+1λ×αsuperiorg(10)

where integers i1, i2, i3 are randomly selected within [1, NP], and are different from i. αgsuperior is randomly chosen from the superior individuals randomly, including the top math.floor(α*NI) individuals in the current population. math.floor(α) is a rounding function, which returns the largest integer not greater than its argument α. The base vector αbase is influenced by the adjustment parameter λ, where αbase is close to a randomly selected superior individual. Different values of λ determine the selection of different quantum mutation schemes. If λ = 1, DE/superior/1 tends to be DE/rand/1, and if λ = 0, DE/rand-superior/1 tends to be DE/superior/1. Hence, the selection of λ balances both exploration performance and exploitation performance of the quantum mutation scheme.

λ=gmaxggmax2(11)

3) CS method (Cobos et al., 2014): The CS method is a nature-inspired algorithm that is commonly used to find ROIs. During the process of the CS method, all candidates were randomly obtained. Let the i-th solution in the (g+1)-th generation be αbaseg+1, and a Levy flight is performed as follows:

αbaseg=αbaseg1+Levyap(12)

where ap is the adjusted parameter. Levy flight essentially supplies a random walk when random steps are drawn from a Levy distribution for a big step.

Levyap=gap,1ap3(13)

When combining the CS method (Eqs. 12, 13) into the new quantum mutation method of the MQDE method (Eqs. 9, 10), a new mutant vector nvecig can be generated in Eq. 21.

nvecig=rand0,1×αbaseg+1rand0,1×vecig(14)

4) Global optimum scheme: Based on the newly proposed global optimum scheme, the mutation factor F and crossover factor CR were updated. The global optimum scheme is used in two scenarios: 1) when f(nvecig) is smaller than or equal to f(αbaseg+1), we let nvecig equal αig, and 2) when f(vecig) equals f(αig), the previous individual qig is set to the next individual qig+1.

2.2.2.2 Pseudo-code of our MQDE method

We used a memory-based scheme to save the optimal mutation factor F and the crossover rate CR from the former iteration, and then used them as the initialization for the next iteration. Based on this scheme, we were able to find the optimal candidate. The pseudo-code of our MQDE method is shown in Algorithm 1.

Algorithm 1. MQDE algorithm.

01:Generate a uniformly distributed random initial population containing NP solutions, which include NI variables according to αi0 = αmin + rand[0, 1] * (αmax - αmin) (i∈[1, NI]). Due to its DE/rand/1 scheme (shown in Eq. 26), NI is equal to 3. We initialized the current iteration number g = 1, defined g < gmax (maximum iteration number), and set the initial F and CR as ∈(0, 1]. The population size NP was obtained according to NP = (I +1) *H + (H + 1) *K, where I denotes the number of input neurons in the NNs, H is the number of hidden neurons in the NN, and K is the number of output neurons in the NN.

02:while g < gmax

03:for i = 1 to NP//memory-based mechanism

04:Generate three random indices r1, r2, and r3 with r1r2r3i//new quantum mutation

05:λ = ((gmax - g)/gmax)2

06:αsuperiorg = math.floor (αig * NI)

07:αbaseg = λ * αi1g + (1-λ) *αsuperiorg

08:vecig = αi1g + F * (αi2g i3g)// end new quantum mutation

09:if i > 2 //CS method

10:Levy(ap) = g-ap

11:αbaseg = αbaseg-1 +Levy (ap)

12:nvecig = rand[0, 1] *αbaseg + (1- rand[0, 1]) * vecig

13:else

14:nvecig = rand[0, 1] *αbaseg + (1- rand[0, 1]) * vecig // end CS method

15:if rand[0, 1] ≤ CR // quantum crossover

16:uig+1 = nvecig

17:else

18:uig+1 = αbaseg

19:end if // end quantum crossover

20:if f(uig) ≤ f(αbaseg) // quantum selection

21:αbaseg+1 = uig

22:else

23:αbaseg+1 = αbaseg

24:end if

25:if f(uig+1) ≤ f(αbaseg)

26:qig+1 = uig+1

27:else

28:qig+1 = αbaseg+1

29:end if // end quantum selection

30:if f(vecig) = = f(αig) // global optimum scheme

31:qig+1 = qig

32:if f(nvecig) ≤ f(αbaseg+1)

33:αig = nvecig // end global optimum scheme

34:Update F and CR according to Eqs. 1518

35:end for

36:g = g + 1 // end memory-based mechanism

37:end while

The workflow of the MQDE method is shown below:

Step 1:. Initialize the MQDE method.

Step 2:. Obtain the newly generated mutant individual nvecig+1 based on the new quantum mutation technique and the CS method in the quantum mutation step, as shown in Eqs. 914.

Step 3:. Based on Eq. 30, the experimental individual uig+1 is achieved in quantum crossover step.

Step 4:. Using Eqs. 31, 32, update αbaseg+1 and qig+1 in the quantum selection step.

Step 5:. The global optimum scheme should be met, as shown in Section 2.2.2.1.

Step 6:. During the updating process, renew both F and CR according to Eqs. 15, 16.

F=1val×F+rand0,1×meanLSF(15)

and

CR=1val×CR+rand0,1×meanLSCR(16)

where SF and SCR represent the successful mutation and crossover probabilities, respectively. The adjustment parameter val is randomly selected within (0, 1]. The Lehmer mean meanL() (Cui et al., 2018) is applied to renew the values of F and CR according to Eq. 17 and Eq. 18.

meanLSF=FSFF2FSFF(17)
meanLSCR=CRSCRCR2CRSCRCR(18)

Step 7. Update both F and CR based on the storage-based mechanism (Chen et al., 2020).When g < gmax, and g = g + 1, then step (2) is executed, in which the optimal uF and uCR in the current iteration are used for the next iteration; if ggmax, it proceeds to the next step.

Step 8. Determine the optimal individual.

2.2.3 Stage 3: training

In the backpropagation neural network (BPNN), the gradient descent method is often used to decrease the deviation between the actual and desired outputs (Peng et al., 2022b). We used the FBNNL (Chen et al., 2020), which inherits the storage and heredity abilities of the Caputo-type fractional gradient descent method (Xiao et al., 2015) but also inherits the ability to combat overfitting without revising the network architecture from L2 regularization. As a three-layer NN is able to approximate various nonlinear functions with any expected precision (Peng et al., 2022a), we used a three-layer FBNNL. Furthermore, the sigmoid and ELU functions (Peng et al., 2022c) were used in the forward propagation step. Two units were included in the output layer, i.e., Output(x) and Output(y), which are regarded as the expression functions Output(x(t)) and Output(y(t)), respectively, on the projection index t.

2.2.4 Stage 4: interpretable model-based contour extraction

After obtaining the optimal FBNNL, we first developed a smooth and interpretable mathematical definition of the organ contour, which is denoted by the parameters of FBNNL, as shown below:

ft=xt,yt=2×Outputxt+12×Outputxt+2,2×Outputyt+12×Outputyt+2(19)

where x(t) and y(t) were used to show the x-axis and y-axis coordinates of the points of the resulting contour, respectively. Output(x(t)) and Output(y(t)) are shown as below:

Outputxt,Outputyt=ej=1K11+ei=1Htw1iaiw2j,1bj,112,ej=1K11+ei=1Htw1iaiw2j,2bj,212(20)

where K and H denotes the number of output and hidden neurons, respectively; bj (j = 1, 2) is the output threshold of the j-th neuron at the output layer; and w1 and w2 are the hidden and output weights, respectively. In addition, for better understanding, we have introduced the architecture of BPNN and FBNNL in Supplementary Appendix S3, S4, respectively. Meanwhile, the procedure of achieving Eqs. 19, 20 are shown in Supplementary Appendix S5.

2.3 Materials

Two datasets, namely, a transrectal ultrasound prostate set and a trans-abdominal ultrasound kidney set, were used in our experiments. Here, we mainly illustrate the details of these datasets.

2.3.1 Jiangsu province hospital of chinese medicine prostate dataset (JPHCM)

This prostate dataset contains 393 slices. All of the prostate images were obtained using the ultrasound imaging workstation VINNO 70LAB and an ultrasound probe with a frequency of 4–8 MHz. The size of each slice was 1,200 × 900 pixels.

2.3.2 Suzhou municipal hospital kidney dataset (SMH)

This kidney dataset was collected using the Mindray DC-8 diagnostic ultrasound system (Mindray Medical International Limited, Shenzhen, China), with an integrated low-resolution linear transducer with a frequency of 1.3–5.7 MHz. The device parameters comprised a mechanical index of 1.3, a probing depth of 200 mm, and an amplifier gain within 3–33 dB. The resolution of this SMH set was also 1,200 × 900 pixels.

Table 1 shows the distribution of the images from both datasets. The two datasets (i.e., JPHCM and SMH) were used to generate a new dataset called the combined dataset for evaluation. Due to the limited amount of training data in the JPHCM dataset, we randomly rotated the training data within [-15°, 15°], where each original image was rotated three times. All of the ultrasound slices were resampled to a unified resolution of 600 × 450 pixels. Based on our previous research (Peng et al., 2018b), we set 10 hidden neurons and 1,000 epochs for the FBNNL to simplify the complexity of the NN model and prevent overfitting. We used the DSC, Jaccard similarity coefficient (OMG), and accuracy (ACC) (Peng et al., 2020) as the evaluation metrics. All of the ground truths were labeled and verified by three physicians. The algorithm ran on a Windows 10 desktop with an Intel Core i7-8750H CPU (3.9 GHz with six cores) and a GTX 1070 with Max-Q design GPU.

TABLE 1
www.frontiersin.org

TABLE 1. The distribution of images of both datasets.

3 Results

We first assessed the capability of our method on multiple datasets (Section 3.1), and then assessed the robustness of our method on a testing set with various degrees of corruption (Section 3.2). Next, we determined the influence of each component of our method using an ablation experiment (Section 3.3). Finally, we compared our method with current state-of-the-art algorithms (Section 3.4).

3.1 Model selection

3.1.1 Evaluation of our method with and without preprocessing

As shown in Table 2, three metrics (i.e., DSC, OMG, and ACC) were used to investigate whether using a preprocessing stage affected the testing performance of our method. We used the ELU activation function, one hidden layer, and stochastic gradient descent (SGD). From the data presented in Table 2, we can see that the use of a preprocessing stage consisting of Z-score normalization and histogram equalization schemes improved the performance (i.e., precision and robustness) of our method (Preprocess). For the following experiments, the preprocessing stage was included in all of the methods.

TABLE 2
www.frontiersin.org

TABLE 2. Evaluation of our method with and without preprocessing process.

3.1.2 Training process on various optimizers

Here, we investigated the influence of different optimizers, such as the SGD technique (Amari, 1993) and Adam optimizer (ADAM) (Bock and Weis, 2019), and we used one hidden layer and the ELU activation function. The experimental outcomes in terms of the mean square error (MSE) with different epochs using various optimizers (i.e., SGD and ADAM) were determined on the validation dataset. At various epochs, the validation MSE values of various optimizers (i.e., SGD and ADAM) are indicated in Figure 5. From the data presented in Figure 5, it can be seen that during the training stage, the ADAM optimizer approached stability at approximately 500 epochs, while the SGD continued training until 1,000 epochs. Compared with the model using ADAM, the one using SGD obtained a lower validation MSE with more accurate results. Therefore, we used the SGD technique as the optimizer.

FIGURE 5
www.frontiersin.org

FIGURE 5. Comparison of validation mean square errors for various optimizers.

3.1.3 Selection of the optimal number of hidden layers

For the neural network (the NN), the option of the number of hidden layers has a significant influence on the training accuracy and computational efficiency. Table 3 presents the evaluation at different hidden layers, with the SGD and ELU activation functions adopted for our model. From 1 to 3 hidden layers, the DSC slightly increased by 0.2%, but the testing time was more than twice as long. When the number of hidden layers continued to grow, the DSC did not continue to increase but decreased. Meanwhile, the testing time increased. The possible cause of this phenomenon is that more hidden layers make the network more complex, which leads to an increase in the computational efficiency of the network and the appearance of overfitting. Overall, we used the NN containing one hidden layer.

TABLE 3
www.frontiersin.org

TABLE 3. Evaluation of different hidden layers.

3.1.4 Selection of the optimal activation function

In this subsection, we assessed the effect of various activation functions, including Tanh, ReLU, and ELU, while using one hidden layer and an SGD optimizer. Table 4 presents the evaluation of different activation functions. As shown in Table 4, our method using ReLU and ELU activation functions performed better than the method using the Tanh function model. The main reason for this phenomenon is that both activation functions were able to solve the gradient vanishing issue. Our method using the ELU function had more satisfactory performance than the method using the ReLU function. Hence, we used the ELU function for subsequent experiments.

TABLE 4
www.frontiersin.org

TABLE 4. Evaluation between our method with and without preprocessing process.

3.2 Segmentation performance on multiple datasets

Figure 6 shows four ultrasound results (Image 1-Image 4) randomly selected from the total testing outcomes for qualitative evaluation. The first two columns show randomly chosen results from the prostate dataset (JPHCM dataset), and the second two columns show results stochastically selected from the kidney dataset (SMH dataset). The first three rows present the raw data, its corresponding heatmap, and ground truth (GT), respectively. The last two rows show the experimental results and compared results, respectively. The “compared results” in the fifth row represent the comparison between the segmentation result and the GT. It can be seen from Figure 6 that the experimental outcomes acquired satisfactory similarities with the GTs.

FIGURE 6
www.frontiersin.org

FIGURE 6. Qualitative evaluation. The blue arrow indicates the missing or unclear boundaries of the organs. The blue arrow indicates the weak edge region (i.e., missing or unclear boundaries) of the organs. The weak edge region in the prostate image (left two images) is caused by the surrounding tissues and involves intestinal gas. In addition, in the kidney image (right two images), the front weak edge region is caused by the influence of the liver, and other weak edge regions are caused by intestinal gas. The blue and red curves represent the experimental results and ground truth (GT), respectively.

3.3 Evaluation of robustness of our model

To evaluate the robustness of our model, we used different signal-to-noise ratios (SNRs) of salt and pepper noise to corrupt the testing image set, and the damaged testing images were then used to assess the capability of our model. We set the values of SNR to 1, 0.8, 0.7, and 0.6. The testing outcomes of our method are described in Table 5, while Figure 7 shows the qualitative outcomes of our method in three randomly selected cases. Meanwhile, the overlapped region (overlap) (Ali and Madabhushi, 2012) was used as another evaluation metric, calculated as:

overlap=cleanGnoiseGcleanG(21)

where overlap indicates the proportion of overlap between the gray values of the clean image (cleanG) and the noisy image (noiseG).

TABLE 5
www.frontiersin.org

TABLE 5. Results using different SNRs of the salt and pepper noise. We use the format with “mean value ± standard deviation (%)” to denote each evaluation metric. In addition, the results on different SNRs (i.e., 0.6, 0.7, and 0.8) indicate that our method used images corrupted by different levels of noise for testing. However, the result on SNR = 1 shows that our method was evaluated on raw/clean data.

FIGURE 7
www.frontiersin.org

FIGURE 7. Three cases are randomly chosen from both datasets for evaluation. The first two-three rows indicate the experimental results from JPHCM prostate data, and the last three rows represent the experimental results from the SMH kidney dataset. The first, fourth, and seventh rows show the comparison between the experimental result and ground truth, where the blue and red curves show the experimental result and ground truth, respectively. The second, fifth, and eighth rows indicate the histogram overlap between the clean image and noise image. The last three rows (i.e., third, sixth, and ninth rows) show the zooming display of the region of interest. The experimental outcomes are shown at various signal-to-noise ratios (SNRs; i.e., 0.6, 0.7, and 0.8). Thus, testing images damaged by different levels of noise were used to evaluate the capability of our method. The experimental outcome at an SNR of 1 demonstrated that our method was assessed on raw/clean testing data. Here are the abbreviations used in the figure: SNR: signal-to-noise ratio; DSC: Dice similarity coefficient; SD: standard deviation; OMG: Jaccard similarity coefficient; ACC: Accuracy.

As shown in Table 5, as the SNR was reduced from 1 to 0.6, the mean values of DSC, OMG, and ACC decreased by 4.47%, 4.29%, and 4.49%, respectively. When the SNR equaled 0.6, our model had the lowest performance, with DSC = 91.6 ± 4.4 (%), OMG = 90.7 ± 4.5 (%), and ACC = 91.2 ± 4.4 (%). Figure 7 shows that our method achieved a similar performance in both the prostate and kidney datasets. Therefore, we mainly discuss the performance of our method in the prostate dataset. As the SNR reduced from 0.8 to 0.6, the overlap rate reduced from 0.78 to 0.67, while the mean values of DSC, OMG, and ACC decreased by 2.32%, 2.93%, and 2.78%, respectively.

Overall, the mean values of all the metrics, including the DSC, OMG, and ACC, were greater than 90.5%, which further demonstrated that our method was able to handle noisy data well.

3.4 Ablation study

In this section, we report the quantitative and qualitative evaluation of the performance of our method using an ablation study (AS). The results of the AS are shown in Table 6. The AS was mainly used to evaluate whether the capability of our method was affected when several components of the method were replaced or removed (Cashman et al., 2019). The principal components of our approach contained MS-based, DE-based, and NN-based modules. As shown in Table 6, using AS1 as the baseline achieved the lowest DSC, OMG, and ACC values of 91.6% ± 4.3%, 90.2% ± 5%, and 91.2% ± 4.4%, respectively. Based on AS1, we used another component (i.e., NSMS, MQDE, or FBNNL), and the mean DSC, OMG, and ACC values increased by 1.63%-4.47%, 1.33%-4.87%, and 1.53%-4.49%, respectively.

TABLE 6
www.frontiersin.org

TABLE 6. Ablation results. The description format of each result is “mean value ± standard deviation (%)”. All the methods have contained the preprocessing stage.

Our model (AS4) had the optimal results, with DSC, OMG, and ACC values of 95.7% ± 2.4%, 94.6% ± 2.6%, and 95.3% ± 2.6%, respectively. Figure 8 presents a visual comparison of three randomly selected segmentation outcomes. The first three rows show the results of randomly chosen prostate cases, and the last three rows show the results of kidney cases. Table 7 represents the corresponding quantitative outcome of each qualitative outcome in Figure 8, where various evaluation metrics, including DSC, OMG, and ACC are adopted for assessment.

FIGURE 8
www.frontiersin.org

FIGURE 8. Qualitative results using different ASs. The blue and red curves show the experimental results and ground truth, respectively. From AS1 to AS4, the performance increased progressively. AS4 represents our method. All of the methods (AS1-AS4) included the preprocessing stage. AS: ablation study.

TABLE 7
www.frontiersin.org

TABLE 7. Corresponding quantitative result of each qualitative result in Figure 8, where different metrics (i.e., DSC, OMG, and ACC) are used for evaluation.

3.5 Comparison with state-of-the-art methods

Table 8 shows the quantitative outcomes obtained after comparisons with multiple state-of-the-art methods: Hull-CPL (Peng et al., 2019), H-SegMed (Peng et al., 2022a), Mask-RCNN (He et al., 2017), Unet++ (Zhou et al., 2020), UTNet (Gao et al., 2021), and UNETR (Hatamizadeh et al., 2022). These methods are grouped into two categories: hybrid methods (Hull-CPL (Peng et al., 2019) and H-SegMed (Peng et al., 2022a)) and deep-learning methods (Mask-RCNN (He et al., 2017); Unet++ (Zhou et al., 2020); and two Transformer-based architectures, UTNet (Gao et al., 2021) and UNETR (Hatamizadeh et al., 2022)).

TABLE 8
www.frontiersin.org

TABLE 8. Results of all the methods.

In this comparison, the hybrid methods are three-layer-based frameworks, where the sigmoid and ELU functions are used in hidden and output layers, respectively. Meanwhile, the methods used the SGD scheme (Qian et al., 2015) as an optimizer, in which the initial learning rate, momentum value, and the maximum number of epochs were 0.4, 0.9, and 1,000, respectively. In addition, all of the deep-learning methods used the Dice loss function during training, where the initial value of the learning rate was set to 10e-3 and reduced to a plateau with patience of 50 and a maximum number of epochs of 1,000. All of the models used the same training, validation, and testing datasets. The proportions of the datasets used are described in Section 2.3.

As shown in Table 8, the hybrid models differed from the deep-learning models, as they had more correct segmentation outcomes with less training data. This illustrates that the combination of PC-based and NN-based models is good at data fitting. Overall, our proposed method is promising.

4 Conclusions and discussion

Due to blurry boundaries and the existence of shadow artifacts in ultrasound images, accurate ultrasound organ segmentation is challenging. We developed a hybrid segmentation network for ultrasound images. Differing from previously reported models, our model has four main metrics and contributions. First, current medical segmentation models are principally classified into two groups: fully automatic and semi-automatic models. Due to the challenges associated with ultrasound organ segmentation, the mean DSC of fully automatic methods is approximately 0.9 (Girum et al., 2020; Wang et al., 2019), while our proposed framework achieved a mean DSC as high as 0.957 (shown in Table 8). Therefore, the number of images in the training datasets for several deep-learning-based segmentation methods is more than 4,000 slices, with a DSC of 0.92 (Lei et al., 2019), but we used fewer images for training and achieved a higher DSC. The primary reason is that our method introduced the characteristics of the PC by fitting the center of the dataset automatically while using only a few points as the prior. Second, standard PC-based methods cannot determine the number of cluster vertices automatically; rather, it is pre-decided by the users. Hence, these methods achieve variable outcomes based on different pre-set numbers of cluster vertices (shown in Figure 1). Due to this issue, we used the ASPC model to decide the number of cluster vertices automatically without prior knowledge. Third, we used modified quantum-inspired differential evolution to assist FBNNL to find the optimal model so that we could avoid FBNNL trapping into the local optimum during training. Fourth, considering that the outcomes of standard PC-based methods are not smooth (shown in Figure 1), we designed an explicable mathematical formula to smooth the organ contour, which is expressed by the parameters of the FBNNL. In this section, we analyze the entire study from various views.

4.1 Effect of noise (noise level)

To determine the robustness of our method, we used corrupted testing data for evaluation, as described in Section 3.2. Over the past several years, the influence of SNR on salt and pepper noise has been discussed after multiple trials. For example, Tang et al. (Tang et al., 2020) added salt and pepper noise to their testing data to evaluate the robustness of their method, producing SNRs in the range of [0.8, 0.95]. In addition, Benaichouche et al. (Benaichouche et al., 2013) designed an improved fuzzy clustering segmentation algorithm, including medical brain images, where the SNR was set to 0.9. A smaller SNR is known to cause more damage to the image (Tang et al., 2020). In our study, a higher level of damage to the testing images was used, with SNRs set as low as 0.6, making it more difficult to achieve a precise result. Nevertheless, our method achieved excellent results (all metrics > 90.5%, Table 5) with various degrees of salt and pepper noise, illustrating the robustness of our model.

4.2 Degree of damage to the image by noise (histogram)

Ultrasound images are gray-scale images, in which the primary region is the black pixel region (gray value = 0). This makes it challenging to separate the ROI in ultrasound images according to black pixels. Considering the distribution of pixels in ultrasound data, we chose the number of pixels within the range [0, 10,000]. As the SNR reduced from 1 to 0.6, an increasing amount of white noise was added, resulting in fewer raw image pixels. In other words, the raw image was seriously damaged by white noise (gray label = 255). Overall, the mean values of all the metrics were greater than 90.5% (shown in Table 5), demonstrating that even the outlines with vague regions were detected accurately.

4.3 Large amount of bias between prostate and kidney histograms

As shown in Figure 7, there was a large amount of bias when comparing the histogram overlap of the transrectal prostate image (second and fifth rows in Figure 7) and the trans-abdominal kidney image (eighth row in Figure 7). Although damaged by the same degree of salt and pepper noise, the value of histogram overlap of the prostate was close to double that of the kidney. The primary cause of this result is that, due to the short penetration distance between the rectum and the prostate, the process of detection of a transrectal prostate image can be completed quickly. Therefore, the detection process may be less influenced by neighboring tissues, and the pixel value in the ultrasound image changes steadily. Nevertheless, during the detection of trans-abdominal kidney images, the detection probe is inserted through the abdomen by radiologists. As the abdominal cavity is a hollow organ, it causes a long penetration distance. When imaging the kidney, the serious attenuation of ultrasonic waves is affected by the long penetration distance, and the mutual influence of different organs is larger.

4.4 Degree of difficulty degree with multi-organ ultrasound tasks

As presented in Section 3.4, both hybrid models (our current model and our previous H-SegMed model) obtained excellent segmentation results. Nevertheless, compared with the current model, the former H-SegMed model (Peng et al., 2022a) had 0.52%, 0.53%, and 0.31% lower DSC, OMG, and ACC values, respectively. Using a larger training dataset increased the robustness of the H-SegMed model. Meanwhile, there were two reasons for the reduced accuracy of the H-SegMed model. First, in the recent task, the H-SegMed model used various datasets with different organs for training, which increased the difficulty of the segmentation task. Second, a larger image resolution was used, which increased the difficulty of the segmentation task (Candemir et al., 2014).

Our method obtained excellent results, but some aspects could be optimized to further improve its capability. First, there are three cascaded stages in our method, which increases the memory burden during the segmentation task. Hence, squeezing the memory of the model needs to be considered in the future. Second, the robustness and accuracy of our method could be evaluated in different situations. For example, unusual or changeable motion of the organs (i.e., prostate and kidney) would influence our model’s performance. Moreover, the precision of our model may be significantly altered for different age groups or sexes. Third, in the future, the capability of our method will be further evaluated for various imaging modalities such as computed tomography and magnetic resonance imaging. Fourth, we aim to convert the semi-automatic model to a fully automatic model, which will be more suitable for real-time clinical applications.

Data availability statement

The original contributions presented in the study are included in the article/Supplementary Material, further inquiries can be directed to the corresponding authors.

Ethics statement

Ethical approval was not provided for this study on human participants because it is the retrospective study, and the clinicians have obtained patients’ agreement before the transrectal prostate ultrasound examination, which is an item covered by the medical insurance program. In summary, there is no need for patient consent in our study. Written informed consent for participation was not required for this study in accordance with the national legislation and the institutional requirements.

Author contributions

TP methodology, coding, writing—original draft. YW data preprocessing, analysis. YG data preprocessing, analysis. DX data preprocessing, analysis. CW data preprocessing, analysis. QL data preprocessing, analysis, Supervision, review and editing. JC supervision, writing—review and editing. All authors contributed to the article and approved the submitted version.

Conflict of interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Supplementary material

The Supplementary Material for this article can be found online at: https://www.frontiersin.org/articles/10.3389/fphys.2023.1177351/full#supplementary-material

References

Ali, M. Z., Awad, N. H., Suganthan, P. N., and Reynolds, R. G. (2017). An adaptive multipopulation differential evolution with dynamic population reduction. IEEE Trans. Cybern. 47, 2768–2779. doi:10.1109/TCYB.2016.2617301

PubMed Abstract | CrossRef Full Text | Google Scholar

Ali, S., and Madabhushi, A. (2012). An integrated region-boundary-shape-based active contour for multiple object overlap resolution in histological imagery. IEEE Trans. Med. Imaging 31, 1448–1460. doi:10.1109/TMI.2012.2190089

PubMed Abstract | CrossRef Full Text | Google Scholar

Amari, S. (1993). Backpropagation and stochastic gradient descent method. Neurocomputing 5, 185–196. doi:10.1016/0925-2312(93)90006-o

CrossRef Full Text | Google Scholar

Amiri, M., Brooks, R., and Rivaz, H. (2020). Fine-tuning U-net for ultrasound image segmentation: different layers, different outcomes. IEEE Trans. Ultrasonics, Ferroelectr. Freq. Control 67, 2510–2518. doi:10.1109/TUFFC.2020.3015081

PubMed Abstract | CrossRef Full Text | Google Scholar

Benaichouche, A. N., Oulhadj, H., and Siarry, P. (2013). Improved spatial fuzzy c-means clustering for image segmentation using PSO initialization, Mahalanobis distance and post-segmentation correction. Digit. Signal Process. 23, 1390–1400. doi:10.1016/j.dsp.2013.07.005

CrossRef Full Text | Google Scholar

Bernal, J., Kushibar, K., Asfaw, D. S., Valverde, S., Oliver, A., Martí, R., et al. (2019). Deep convolutional neural networks for brain image analysis on magnetic resonance imaging: a review. Artif. Intell. Med. 95, 64–81. doi:10.1016/j.artmed.2018.08.008

PubMed Abstract | CrossRef Full Text | Google Scholar

Biau, G., and Fischer, A. (2012). Parameter selection for principal curves. IEEE Trans. Inf. Theory 58, 1924–1939. doi:10.1109/tit.2011.2173157

CrossRef Full Text | Google Scholar

Bock, S., and Weis, M. “A proof of local convergence for the Adam optimizer,” in Proceedings of the 2019 International Joint Conference on Neural Networks (IJCNN), Budapest, Hungary, July 2019 (IEEE), 1–8.

Google Scholar

Candemir, S., Jaeger, S., Palaniappan, K., Musco, J. P., Singh, R. K., Xue, Zhiyun, et al. (2014). Lung segmentation in chest radiographs using anatomical atlases with nonrigid registration. IEEE Trans. Med. Imaging 33, 577–590. doi:10.1109/TMI.2013.2290491

PubMed Abstract | CrossRef Full Text | Google Scholar

Cashman, D., Perer, A., Chang, R., and Strobelt, H. (2019). Ablate, variate, and contemplate: visual analytics for discovering neural architectures. IEEE Trans. Vis. Comput. Graph. 26, 863–873. doi:10.1109/TVCG.2019.2934261

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, M.-R., Chen, B.-P., Zeng, G.-Q., Lu, K.-D., and Chu, P. (2020). An adaptive fractional-order BP neural network based on extremal optimization for handwritten digits recognition. Neurocomputing 391, 260–272. doi:10.1016/j.neucom.2018.10.090

CrossRef Full Text | Google Scholar

Cheng, Y. (1995). Mean shift, mode seeking, and clustering. IEEE Trans. Pattern Analysis Mach. Intell. 17, 790–799. doi:10.1109/34.400568

CrossRef Full Text | Google Scholar

Cobos, C., Muñoz-Collazos, H., Urbano-Muñoz, R., Mendoza, M., León, E., and Herrera-Viedma, E. (2014). Clustering of web search results based on the cuckoo search algorithm and Balanced Bayesian Information Criterion. Inf. Sci. 281, 248–264. doi:10.1016/j.ins.2014.05.047

CrossRef Full Text | Google Scholar

Comaniciu, D., Ramesh, V., and Meer, P. “The variable bandwidth mean shift and data-driven scale selection,” in Proceedings of the Eighth IEEE International Conference on Computer Vision. ICCV 2001, Vancouver, BC, Canada, July 2001, 438–445.

Google Scholar

Cui, L., Li, G., Zhu, Z., Wen, Z., Lu, N., and Lu, J. (2018). A novel differential evolution algorithm with a self-adaptation parameter control method by differential evolution. Soft Comput. 22, 6171–6190. doi:10.1007/s00500-017-2685-5

CrossRef Full Text | Google Scholar

Deng, W., Shang, S., Cai, X., Zhao, H., Zhou, Y., Chen, H., et al. (2021). Quantum differential evolution with cooperative coevolution framework and hybrid mutation strategy for large scale optimization. Knowledge-Based Syst. 224, 107080. doi:10.1016/j.knosys.2021.107080

CrossRef Full Text | Google Scholar

Draa, A., Meshoul, S., Talbi, H., and Batouche, M. (2011). A quantum-inspired differential evolution algorithm for solving the N-queens problem. Neural Netw. 1, 21–27.

Google Scholar

Gao, Y., Zhou, M., and Metaxas, D. “UTNet: a hybrid transformer architecture for medical image segmentation,” in Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Strasbourg, France, October 2021, 61–71.

Google Scholar

Girum, K. B., Lalande, A., Hussain, R., and Créhange, G. (2020). A deep learning method for real-time intraoperative US image segmentation in prostate brachytherapy. Int. J. Comput. Assisted Radiology Surg. 15, 1467–1476. doi:10.1007/s11548-020-02231-x

PubMed Abstract | CrossRef Full Text | Google Scholar

Godin, F., Degrave, J., Dambre, J., and De Neve, W. (2018). Dual rectified linear units (DReLUs): a replacement for Tanh activation functions in quasi-recurrent neural networks. Pattern Recognit. Lett. 116, 8–14. doi:10.1016/j.patrec.2018.09.006

CrossRef Full Text | Google Scholar

Hastie, T., and Stuetzle, W. (1989). Principal curves. J. Am. Stat. Assoc. 84, 502–516. doi:10.1080/01621459.1989.10478797

CrossRef Full Text | Google Scholar

Hatamizadeh, A., Tang, Y., Nath, V., Yang, D., Myronenko, A., Landman, B., et al. “Unetr: transformers for 3D medical image segmentation,” in Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision (WACV), Waikoloa, HI, USA, January 2022, 574–584.

Google Scholar

He, K., Gkioxari, G., Dollar, P., and Girshick, R. “Mask R-CNN,” in Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, October 2017, 2961–2969.

Google Scholar

He, K., Lian, C., Adeli, E., Huo, J., Gao, Y., Zhang, B., et al. (2021). MetricUNet: synergistic image- and voxel-level learning for precise prostate segmentation via online sampling. Med. Image Anal. 71, 102039. doi:10.1016/j.media.2021.102039

PubMed Abstract | CrossRef Full Text | Google Scholar

Hecht-Nielsen, R. (1992). Theory of the backpropagation neural network. Neural Netw. Percept., 65–93.

CrossRef Full Text | Google Scholar

Kabir, W., Ahmad, M. O., and Swamy, M. N. S. “A novel normalization technique for multimodal biometric systems,” in Proceedings of the 2015 IEEE 58th International Midwest Symposium on Circuits and Systems (MWSCAS), Fort Collins, CO, USA, August 2015 (IEEE), 1–4.

Google Scholar

Kégl, B., Linder, T., and Zeger, K. (2000). Learning and design of principal curves. IEEE Trans. Pattern Analysis Mach. Intell. 22, 281–297. doi:10.1109/34.841759

CrossRef Full Text | Google Scholar

Leema, N., Nehemiah, H. K., and Kannan, A. (2016). Neural network classifier optimization using Differential Evolution with Global Information and Back Propagation algorithm for clinical datasets. Appl. Soft Comput. 49, 834–844. doi:10.1016/j.asoc.2016.08.001

CrossRef Full Text | Google Scholar

Lei, Y., Tian, S., He, X., Wang, T., Wang, B., Patel, P., et al. (2019). Ultrasound prostate segmentation based on multidirectional deeply supervised V-Net. Med. Phys. 46, 3194–3206. doi:10.1002/mp.13577

PubMed Abstract | CrossRef Full Text | Google Scholar

Lei, Y., Wang, T., Roper, J., Jani, A. B., Patel, S. A., Curran, W. J., et al. (2021). Male pelvic multi-organ segmentation on transrectal ultrasound using anchor-free mask CNN. Med. Phys. 48, 3055–3064. doi:10.1002/mp.14895

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, G., Lin, Q., Cui, L., Du, Z., Liang, Z., Chen, J., et al. (2016). A novel hybrid differential evolution algorithm with modified CoDE and JADE. Appl. Soft Comput. 47, 577–599. doi:10.1016/j.asoc.2016.06.011

CrossRef Full Text | Google Scholar

Liu, Z., Yang, C., Huang, J., Liu, S., Zhuo, Y., and Lu, X. (2021). Deep learning framework based on integration of S-Mask R-CNN and Inception-v3 for ultrasound image-aided diagnosis of prostate cancer. Future Gener. Comput. Syst. 114, 358–367. doi:10.1016/j.future.2020.08.015

CrossRef Full Text | Google Scholar

Mishra, D., Chaudhury, S., Sarkar, M., and Soin, A. S. (2019). Ultrasound image segmentation: a deeply supervised network with attention to boundaries. IEEE Trans. Biomed. Eng. 66, 1637–1648. doi:10.1109/TBME.2018.2877577

PubMed Abstract | CrossRef Full Text | Google Scholar

Moraes, E. C. C., Ferreira, D. D., Vitor, G. B., and Barbosa, B. H. G. (2020). Data clustering based on principal curves. Adv. Data Analysis Classif. 14, 77–96. doi:10.1007/s11634-019-00363-w

CrossRef Full Text | Google Scholar

Nguyen, G. N., Son, L. H., Ashour, A. S., and Dey, N. (2019). A survey of the state-of-the-arts on neutrosophic sets in biomedical diagnoses. Int. J. Mach. Learn. Cybern. 10, 1–13. doi:10.1007/s13042-017-0691-7

CrossRef Full Text | Google Scholar

Panigrahi, L., Verma, K., and Singh, B. K. (2019). Ultrasound image segmentation using a novel multi-scale Gaussian kernel fuzzy clustering and multi-scale vector field convolution. Expert Syst. Appl. 115, 486–498. doi:10.1016/j.eswa.2018.08.013

CrossRef Full Text | Google Scholar

Peng, T., Gu, Y., Ye, Z., Cheng, X., Wang, J., and LugSeg, A- (2022b). A-LugSeg: automatic and explainability-guided multi-site lung detection in chest X-ray images. Expert Syst. Appl. 198, 116873. doi:10.1016/j.eswa.2022.116873

CrossRef Full Text | Google Scholar

Peng, T., Tang, C., Wu, Y., Cai, J., and H-SegMed, (2022a). H-SegMed: a hybrid method for prostate segmentation in trus images via improved closed principal curve and improved enhanced machine learning. Int. J. Comput. Vis. 130, 1896–1919. doi:10.1007/s11263-022-01619-3

CrossRef Full Text | Google Scholar

Peng, T., Wang, C., Zhang, Y., Wang, J., and H-SegNet, (2022c). H-SegNet: hybrid segmentation network for lung segmentation in chest radiographs using mask region-based convolutional neural network and adaptive closed polyline searching method. Phys. Med. Biol. 67, 075006. doi:10.1088/1361-6560/ac5d74

CrossRef Full Text | Google Scholar

Peng, T., Wang, Y., Xu, T. C., and Chen, X. (2019). Segmentation of lung in chest radiographs using Hull and closed polygonal line method. IEEE Access 7, 137794–137810. doi:10.1109/access.2019.2941511

CrossRef Full Text | Google Scholar

Peng, T., Wang, Y., Xu, T. C., Shi, L., Jiang, J., and Zhu, S. (2018a). Detection of lung contour with closed principal curve and machine learning. J. Digital Imaging 31, 520–533. doi:10.1007/s10278-018-0058-y

PubMed Abstract | CrossRef Full Text | Google Scholar

Peng, T., Wang, Y., Xu, T. C., Shi, L., Jiang, J., and Zhu, S. (2018b). Detection of lung contour with closed principal curve and machine learning. J. Digital Imaging 31, 520–533. doi:10.1007/s10278-018-0058-y

PubMed Abstract | CrossRef Full Text | Google Scholar

Peng, T., Xu, T. C., Wang, Y., and Li, F. (2020). Deep belief network and closed polygonal line for lung segmentation in chest radiographs. Comput. J. 65, 1107–1128. doi:10.1093/comjnl/bxaa148

CrossRef Full Text | Google Scholar

Peng, T., Zhao, J., and Wang, J. “Interpretable mathematical model-guided ultrasound prostate contour extraction using data mining techniques,” in Proceedings of the IEEE 15th International Conference on Bioinformatics and Biomedicine (BIBM), Houston, TX, USA, December 2021, 1037–1044.

Google Scholar

Qian, N. (1999). On the momentum term in gradient descent learning algorithms. Neural Netw. 12, 145–151. doi:10.1016/s0893-6080(98)00116-6

PubMed Abstract | CrossRef Full Text | Google Scholar

Qian, Q., Jin, R., Yi, J., Zhang, L., and Zhu, S. (2015). Efficient distance metric learning by adaptive sampling and mini-batch stochastic gradient descent (SGD). Mach. Learn. 99, 353–372. doi:10.1007/s10994-014-5456-x

CrossRef Full Text | Google Scholar

Stark, J. A. (2000). Adaptive image contrast enhancement using generalizations of histogram equalization. IEEE Trans. Image Process. 9, 889–896. doi:10.1109/83.841534

PubMed Abstract | CrossRef Full Text | Google Scholar

Su, H., and Yang, Y. (2011). Differential evolution and quantum-inquired differential evolution for evolving Takagi–Sugeno fuzzy models. Expert Syst. Appl. 38, 6447–6451. doi:10.1016/j.eswa.2010.11.107

CrossRef Full Text | Google Scholar

Tang, Y., Ren, F., and Pedrycz, W. (2020). Fuzzy C-Means clustering through SSIM and patch for image segmentation. Appl. Soft Comput. 87, 105928. doi:10.1016/j.asoc.2019.105928

CrossRef Full Text | Google Scholar

Wang, J., Wen, Y., Gou, Y., Ye, Z., and Chen, H. (2017). Fractional-order gradient descent learning of BP neural networks with Caputo derivative. Neural Netw. 89, 19–30. doi:10.1016/j.neunet.2017.02.007

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, Y., Dou, H., Hu, X., Zhu, L., Yang, X., Xu, M., et al. (2019). Deep attentive features for prostate segmentation in 3D transrectal ultrasound. IEEE Trans. Med. Imaging 38, 2768–2778. doi:10.1109/TMI.2019.2913184

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, Y. H., Guo, Y., Fu, Y. C., and Shen, Z. Y. “An algorithm for learning principal curves with principal component analysis and back-propagation network,” in Proceedings of the International Conference on Intelligent Systems Design and Applications, Brazil, October 2007, 447–453.

Google Scholar

Wu, R., Wang, B., and Xu, A. (2021). Functional data clustering using principal curve methods. Commun. Statistics 51, 7264–7283. doi:10.1080/03610926.2021.1872636

CrossRef Full Text | Google Scholar

Xia, C., Li, J., Chen, X., Zheng, A., and Zhang, Y. “What is and what is not a salient object? Learning salient object detector by ensembling linear exemplar regressors,” in Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, July 2017, 4399–4407.

Google Scholar

Xiao, M., Zheng, W. X., Jiang, G., and Cao, J. (2015). Undamped oscillations generated by Hopf bifurcations in fractional-order recurrent neural networks with Caputo derivative. IEEE Trans. Neural Netw. Learn. Syst. 26, 3201–3214. doi:10.1109/TNNLS.2015.2425734

PubMed Abstract | CrossRef Full Text | Google Scholar

Xu, L., Gao, S., Shi, L., Wei, B., Liu, X., Zhang, J., et al. (2021). Exploiting vector attention and context prior for ultrasound image segmentation. Neurocomputing 454, 461–473. doi:10.1016/j.neucom.2021.05.033

CrossRef Full Text | Google Scholar

Zhang, L., Zhang, J., Li, Z., and Song, Y. (2020). A multiple-channel and atrous convolution network for ultrasound image segmentation. Med. Phys. 47, 6270–6285. doi:10.1002/mp.14512

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhou, Z., Siddiquee, M. M. R., Tajbakhsh, N., and Liang, J. (2020). UNet++: redesigning skip connections to exploit multiscale features in image segmentation. IEEE Trans. Med. Imaging 39, 1856–1867. doi:10.1109/TMI.2019.2959609

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: medical image segmentation, ultrasound image, adaptive selection principal curve, quantum evolution neural network, explicable mathematical formula

Citation: Peng T, Wu Y, Gu Y, Xu D, Wang C, Li Q and Cai J (2023) Intelligent contour extraction approach for accurate segmentation of medical ultrasound images. Front. Physiol. 14:1177351. doi: 10.3389/fphys.2023.1177351

Received: 03 March 2023; Accepted: 28 July 2023;
Published: 22 August 2023.

Edited by:

Cristiana Corsi, University of Bologna, Italy

Reviewed by:

Chang Won Jeong, Wonkwang University, Republic of Korea
Kathleen Curran, University College Dublin, Ireland

Copyright © 2023 Peng, Wu, Gu, Xu, Wang, Li and Cai. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Tao Peng, sdpengtao401@gmail.com; Quan Li, lq2009@suda.edu.cn; Jing Cai, jing.cai@polyu.edu.hk

These authors have contributed equally to this work

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.