Skip to main content

ORIGINAL RESEARCH article

Front. Neuroinform., 01 November 2022
Volume 16 - 2022 | https://doi.org/10.3389/fninf.2022.1041799

Multi-threshold image segmentation for melanoma based on Kapur’s entropy using enhanced ant colony optimization

Xiao Yang1 Xiaojia Ye2* Dong Zhao3* Ali Asghar Heidari4 Zhangze Xu5 Huiling Chen5 Yangyang Li6*
  • 1School of Computer Science and Technology, Changchun University of Science and Technology, Changchun, China
  • 2School of Statistics and Mathematics, Shanghai Lixin University of Accounting and Finance, Shanghai, China
  • 3College of Computer Science and Technology, Changchun Normal University, Changchun, China
  • 4School of Surveying and Geospatial Engineering, College of Engineering, University of Tehran, Tehran, Iran
  • 5College of Computer Science and Artificial Intelligence, Wenzhou University, Wenzhou, China
  • 6Department of Pathology, The First Affiliated Hospital of Wenzhou Medical University, Wenzhou, China

Melanoma is a malignant tumor formed by the cancerous transformation of melanocytes, and its medical images contain much information. However, the percentage of the critical information in the image is small, and the noise is non-uniformly distributed. We propose a new multi-threshold image segmentation model based on the two-dimensional histogram approach to the above problem. We present an enhanced ant colony optimization for continuous domains (EACOR) in the proposed model based on the soft besiege and chase strategies. Further, EACOR is combined with two-dimensional Kapur’s entropy to search for the optimal thresholds. An experiment on the IEEE CEC2014 benchmark function was conducted to measure the reliable global search capability of the EACOR algorithm in the proposed model. Moreover, we have also conducted several sets of experiments to test the validity of the image segmentation model proposed in this paper. The experimental results show that the segmented images from the proposed model outperform the comparison method in several evaluation metrics. Ultimately, the model proposed in this paper can provide high-quality samples for subsequent analysis of melanoma pathology images.

Introduction

Melanoma is a malignant tumor arising from the malignant transformation of melanocytes. While melanoma is less common than other skin cancers, it is responsible for nearly 10,000 deaths in the United States each year alone (Albittar et al., 2020). Due to the similarity of cutaneous melanoma to benign nevi can easily be overlooked and misdiagnosed in the pathological diagnosis. Accurate pathological diagnosis plays an important role in the therapy of melanoma (Ahn et al., 2017; Bi et al., 2017; Al-Masni et al., 2018). To improve the diagnostic accuracy, the concept of computer-assisted pathological diagnosis of initial malignant melanoma has been intensively investigated in recent years. Lee et al. (2018) proposed a computer-aided diagnostic process that effectively differentiated melanoma images from non-melanoma images through feature extraction, selection, and classification. Song et al. (2020) designed an end-to-end multitasking deep learning framework for automated analysis of melanoma diagnosis. Chen W. et al. (2020) used logistic regression and the Newton-Raphson method to effectively discriminate between melanoma and benign nevus. In general, computer-aided diagnosis can be divided into image acquisition (Lafci et al., 2022), pre-processing (Ilesanmi et al., 2021), image segmentation (Wang S. et al., 2022), feature extraction (You et al., 2022) and classification (Hu et al., 2021; Yu et al., 2021). The image segmentation technique is key to further analysis of melanoma pathology images, which can provide quality image samples for subsequent image analysis and ultimately improve the accuracy of melanoma diagnosis (Pennisi et al., 2016; Kassem et al., 2021).

In order to be able to provide quality material for subsequent image processing, we employed an image segmentation method with the advanced threshold optimization technique. In this study, an enhanced ant colony algorithm (EACOR) based on the soft besiege strategy and the chase strategy is proposed to obtain a more reasonable threshold segmentation scheme. Furthermore, to obtain a more reasonable solution that retains the maximum amount of information between the target and the background, Kapur’s entropy is used as the objective function for EACOR to evaluate the threshold sets. In addition, the non-local mean two-dimensional histogram method is used to exploit the spatial information of the image to reduce noise interference. The threshold optimization ability and segmentation ability of the proposed model are verified in this paper. A series of global optimization experiments on the IEEE CEC2014 benchmark test function (Liang et al., 2013) is used to validate whether EACOR is a suitable threshold search method. To test the image segmentation model, we set up segmentation experiments on the melanoma dataset at five threshold levels of 4, 8, 12, 16, and 20. Feature similarity index (FSIM) (Zhang et al., 2011), structural similarity index method (SSIM) (Wang et al., 2014), and peak signal to noise ratio (PSNR) (Huynh-Thu and Ghanbari, 2008) is used to evaluate the segmentation experiments to feedback on a more comprehensive and objective result. The experimental results show that the model proposed in this paper can perform the task of image segmentation excellently. It provides high-quality samples for subsequent melanoma pathology image segmentation. In summary, the contributions of this paper are as follows:

♦ A novel ant colony algorithm with the soft besiege and chase strategies is proposed. Its powerful optimization capability is applied to the segmentation of melanoma pathology images, and segmentation results of high quality are obtained.

♦ The performance of EACOR is compared with some excellent peers and variants.

♦ EACOR improves the original ant colony algorithm’s convergence speed, accuracy, and ability to jump out of the local optimum on complex functions.

♦ The quality of the segmented images is evaluated comprehensively, and the proposed threshold optimization method can improve the efficiency of threshold search.

The remainder of the paper is organized as follows: related works are discussed in Section “Related works.” Section “Overview of relevant methods” reviews the multi-threshold segmentation method and the original ant colony algorithm. Section “EACOR-based segmentation model” introduces the EACOR-based multilevel threshold segmentation method. Section “Experiments and results analysis” shows and analyzes the experimental results of the benchmark function and image segmentation. The model proposed in this paper is discussed in Section “Discussions.” In Section “Conclusion and future works,” the work of the paper and the next research plan are summarized.

Related works

Threshold segmentation method

As one of the most common image segmentation methods, threshold segmentation usually determines the gray scale range of the segmented image based on pixel gray scale or other ordered metrics. The segmentation is then completed based on a histogram of the grayscale, mean grayscale, non-local mean, etc. According to the objective function, threshold segmentation can be divided into minimum error, maximum between-class variance (Otsu), maximum entropy, etc. The most widely used of these is the maximum entropy method and Otsu. Threshold segmentation does not rely on a priori knowledge of the image and has low computational complexity. In addition, threshold segmentation is suitable for processing some images where the gray scale reflects the target of interest. Therefore, this method is often applied to the problem of processing medical images. However, the increase in threshold level according to the medical diagnosis requirements make the objective function complex and increases computational cost. Recently, some researchers have found that taking advantage of swarm intelligence algorithms can reduce computational consumption. As a result, the multi-level threshold image segmentation method with swarm intelligence optimization has attracted more attention.

For example, Siri et al. (2020) proposed a novel multi-threshold liver segmentation model based on the ‘Slope Difference Distribution’ of image histogram, and the segmentation of the CT images of the liver is satisfactory. The Jaccard Coefficient results with the popular method demonstrated that this model could be more accurate for lung CT images. Li W. et al. (2020) presented a multi-threshold segmentation-based genetic algorithm for fine segmentation of medical images. The experimental results show that the feature extraction model based on the segmentation method had a higher region recognition rate. Renugambal and Selva Bhuvaneswari (2021) used Kapur’s entropy and a modified moth flame optimization algorithm to differentiate between gray matter, white matter, and cerebrospinal fluid. The objective function values, the PSNR, and the computational cost were all satisfactory. Patra et al. (2021) used a multilayer threshold segmentation method based on a student psychology-based optimizer for lesion detection on breast dynamic contrast-enhanced magnetic resonance imaging. The accuracy of the segmented image after feature extraction was 99.44%. Chen et al. (2022) designed an enhanced shuffled frog leaping algorithm for multi-threshold image segmentation of breast cancer. The method was used for multi-threshold image segmentation of breast invasive ductal carcinoma, and the images obtained by the method performed well in terms of FSIM, PSNR, and SSIM. As a result, swarm intelligence optimization has been widely used for solving multi-threshold image segmentation problems.

Analysis of previous literature shows that the multi-threshold image segmentation method based on the optimization algorithm is an image segmentation method with excellent segmentation performance, which is suitable for segmenting medical images. Furthermore, such segmentation methods still have great potential due to the performance of threshold optimization methods.

Optimization method

The swarm intelligence algorithm is a flexible, gradient-independent method. Solving for the optimal threshold reduces the risk of obtaining sub-optimal or inferior solutions. The field of optimization of swarm intelligence algorithms is not restricted to a specific problem, and there are no special requirements for the objective function. Based on these advantages, it has become one of the most popular optimization methods. Common swarm intelligence include: differential evolution algorithm (DE) (Storn and Price, 1997), stochastic fractal search (SFS) (Salimi, 2015), ant colony algorithm for continuous domain problems (ACOR) (Socha and Dorigo, 2008), grey wolf optimizer (GWO) (Mirjalili et al., 2014), moth-flame optimization (MFO) (Mirjalili, 2015), whale optimization algorithm (WOA) (Mirjalili and Lewis, 2016), Runge Kutta optimizer (RUN) (Ahmadianfar et al., 2021), tree-seed algorithm (TSA) (Kiran, 2015), firefly algorithm (FA) (Yang, 2010), hunger games search (HGS) (Yang et al., 2021), Harris hawks optimization (HHO) (Heidari et al., 2019b), sine cosine algorithm (SCA) (Mirjalili, 2016), slime mould algorithm (SMA) (Li S. et al., 2020), colony predation algorithm (CPA) (Tu et al., 2021), weighted mean of vectors (INFO) (Ahmadianfar et al., 2022), and cuckoo search algorithm (CS) (Yang and Deb, 2010). The above methods have been applied to a particular area with excellent performance. However, the increase in dimensionality and complexity leads to low convergence accuracy and a higher probability of obtaining a locally optimal solution. Therefore, improving existing algorithms is one of the most common ways to enhance their optimization performance.

For example, a boosted bat algorithm (CDLOBA) (Yong et al., 2018), the chaotic bat algorithm (CBA) (Adarsh et al., 2016), the hybridizing grey wolf optimization with differential evolution (HGWO) (Zhu et al., 2015), the hybrid algorithm (ASCA-PSO) that combines SCA with PSO (Issa et al., 2018), the hybridizing sine cosine algorithm with differential evolution (SCADE) (Nenavath and Jatoth, 2018), the modified SCA based on neighborhood search and greedy Lévy mutation (m_SCA) (Qu et al., 2018), the improved GWO algorithm (IGWO) exploits the powerful exploratory power of the hierarchical mechanism (Cai et al., 2019), the efficient boosted grey wolf optimizers (OBLGWO) (Heidari et al., 2019a), the A-C parametric whale optimization Algorithm (ACWOA) (Khashan et al., 2018), the mutative whale-inspired optimization methods with multi-strategy (BMWOA) (Luo et al., 2019), the multi-population and DE assisted Harris hawks optimization (CMDHHO) (Chen H. et al., 2020). Therefore, based on an analysis of previous literature, we believe that focused improvement of the original algorithm is a viable option. These methods have excellent performance in dealing with some optimization problems, such as economic emission dispatch problem (Dong et al., 2021), image segmentation (Hussien et al., 2022; Yu et al., 2022b), feature selection (Hu J. et al., 2022; Liu et al., 2022), robust optimization (He et al., 2019, 2020), scheduling problems (Gao et al., 2020; Han et al., 2021; Wang G. G. et al., 2022), multi-objective problem (Hua et al., 2021; Deng et al., 2022d), plant disease recognition (Yu et al., 2022a), complex optimization problem (Deng et al., 2022b), train scheduling (Song et al., 2023), resource allocation (Deng et al., 2022a), airport taxiway planning (Deng et al., 2022c), optimization of machine learning model (ling Chen et al., 2014), medical diagnosis (Chen et al., 2016; Wang et al., 2017), and solar cell parameter identification (Ye et al., 2021). But there are still some issues to be considered in these methods. For example, Niu et al. (2019) found after repeated experiments that GWO was uncertain when dealing with optimization problems. The optimization capability of GWO is significantly better than other methods only when the optimal solution of the optimization problem is zero. When the optimal value is far from zero, the performance of GWO gradually decreased. It means that the algorithm performance is unstable for real-world applications. Furthermore, a series of studies based on algorithm structure and core ideas question the innovativeness of some popular algorithms including intelligent water drops algorithm, firefly algorithm, black holes optimization algorithm, whale optimization algorithm and sine cosine algorithm. Some of these studies have argued that these methods are simply a novel modification of previous methods, confusing the researcher’s understanding of the nature of the algorithm (Piotrowski et al., 2014; Camacho-Villalón et al., 2018; Camacho Villalón et al., 2020).

Based on the above factors, the originality of the ant colony optimization algorithm (ACO) is supported by a scientifically complete theory. The traditional ACO is mainly applied to solve discrete problems. Subsequently, Socha and Dorigo (2008) proposed ACOR for continuous domains, known as ACOR. ACOR and its variants are widely used in various fields. ACOR is a classical swarm intelligence algorithm with a simple structure and high robustness. ACOR and its variants are widely used in various fields. Juang and Chang (2011) applied the improved ACOR algorithm (ECACOR) to the field of dynamic plant control. Zhang et al. (2013) proposed applying the homogenous continuous ant colony optimization algorithm (HACOR) to the one-dimensional coupled radiation and thermal conductivity heat transfer inverse problem. Gao (2014) solved the landslide forecasting problem by combining the artificial immune system with ACOR. Jero et al. (2016) applied ACOR to Electrocardiography steganography. Ma et al. (2019) proposed an adaptive hybrid ACO for the classification problem. Omran and Al-Sharhan (2019) applied two variants of his proposed ACOR to practical engineering optimization problems.

Based on an analysis of previous literature, ACOR can obtain better result when dealing with different optimization tasks. However, ACOR still has potential for improvement. When solving high-dimensional problems or complex multi-peaked problems, the convergence accuracy of ACOR may appear insufficient, and the probability of obtaining a locally optimal solution increase. If ACOR is used as a thresholding search method for segmentation models, it may reduce the effectiveness of image segmentation. Based on the above literature analysis, it can be concluded that a multi-threshold segmentation method with excellent performance is still necessary. Therefore, this study proposes an enhanced ACOR method (EACOR) based on the soft besiege and chase strategies.

Overview of relevant methods

Multi-threshold image segmentation

Two-dimensional histogram

The non-local means (NLM) two-dimensional histogram (Buades et al., 2005) is an essential method for image denoising. The basic principle of NLM filtering is like that of means filtering. They both achieve denoising by averaging the pixels around the current pixel point, except that a weighting strategy is added to the NLM filtering. NML method can achieve denoising and preserve the details of the image edges. The value of NLM O(p) can be obtained according to Eq. 1.

O(p)=qIX(q)ω(p,q)qIω(p,q)(1)

where p and q are two pixels in image I, respectively. X(p) and X(q) represent the values of p and q, respectively. The Gaussian weighting function ω(p, q) is defined as shown in Eq. 2.

ω(p,q)=exp-|μ(q)-μ(p)|2σ2(2)

where σ is the standard deviation of the Gaussian weighting function. μ(p), μ(q) denote the local means of p, q pixels, respectively, obtained from Eq. 3.

μ(x)=1n×niS(x)I(i)(3)

where x is a pixel in the image I, S(x) is a square filter of size n × n around pixel x.

Suppose an image I(x, y) with gray level L and size M × N, x ∈ [1, M], y∈ [1, N]. For each pixel in I, the corresponding grayscale value f(x, y) and NLM g(x, y) can be calculated. Therefore, each pixel in the original image I(x, y) will be associated with two dimensions: grayscale and NLM. Moreover, we can also obtain the number of h(i, j) pixels with the same grayscale and NLM in (s, t), which is calculated by Eq. 4.

h(i,j)=ci,j(4)

where i, j denote the grayscale value f(x, y) and the nonlocal mean g(x, y) of (x, y) pixels. Both i and j are in the range of 0 to L1. ci,j is the number of pixels with grayscale value and NLM of (i, j). Two-dimensional histogram of the image is obtained by normalizing Eq. (5) according to h(i, j).

Pi,j=h(i,j)M×N,i,j=0,1,2,,L-1,i=0L-1j=0L-1Pi,j=1(5)

The grayscale and NLM values are used as the horizontal and longitude axes of the two-dimensional histogram. The number of normalized pixels is used as the vertical axis of the two-dimensional histogram, as shown in Figure 1.

FIGURE 1
www.frontiersin.org

Figure 1. Three-dimensional view of a 2D histogram.

Kapur’s entropy

Entropy is a physical quantity that measures a certain distribution, and a higher entropy value means that the distribution is more uniform. In order to fully consider the source independence and be able to well extract the feature signal in the picture, Kapur’s entropy is selected to measure the amount of information in the target region and background region. The larger Kapur’s entropy indicates the higher quality of image segmentation. The method of MTIS using Kapur’s entropy can be described as follows: {t1, t2 …, tT} represents the grayscale values of the grayscale image and {s1, s2 …, sT} characterizes the grayscale values of the non-local mean image. The objective function is expressed as calculating the entropy of T + 1 image segmentations and then summing them. The expression for the objective function F of Kapur’s entropy is shown in Eqs. 6, 7.

F(th1,th2,,thT)=H0+H1++HT(6)
{H1=-i=0s1j=0t1Pi,jω0ln(Pi,jω0),ω0=i=0s1i=0t1Pi,jH2=-i=s1+1s2j=t1+1t2Pi,jω1ln(Pi,jω1),ω1=i=s1+1s2j=t1+1t2Pi,jHT=-i=sT1sTj=tT1tTPi,jωTln(Pi,jωT),ωT=i=sT1sTj=tT1tTPi,j(7)

where Hi denotes the entropy of the i-th image segmentation. {ω1, ω2, …, ωT} are the sum of the grayscale levels in the threshold interval.

Ant colony algorithm for continuous domains

The original ACO algorithm could only deal with discrete optimization problems. Socha and Dorigo (2008) extended ACO to a continuous domain (ACOR). ACOR has excellent performance and has great potential for improvement. Meanwhile, the ACOR has a robust theoretical framework. Therefore, this study optimizes the optimal threshold based on ACOR. The traditional ACOR is as follows.

The archive mechanism is a significant feature of ACOR. The essence of the archive of solutions mechanism is to simulate the pheromone model. The total number of individuals is N, dimension is dim. The population is denoted as X = {X1, …, Xk}, and the i-th individual is denoted as Xi=(xi1,xidim),i[1,N]. The size of the solution archive is set to k. At each iteration, the mechanism keeps k solutions with the best fitness values from k + N search individuals (the k best search agents in the previous iteration and the N search agents in the population of the current iteration), and stores them in the solution archive. The solution archive is denoted by S = {S1, …, Sk}, and individuals in the solution archive are represented as Sm=(sm1,smdim),m[1,k]. In the archive, each search agent Sm corresponds to a weighting factor ωm and a probability pm. ωm and pm are calculated from Eqs. 8, 9, respectively.

ωm=1qk2πexp[-(m-1)22q2k2](8)
pm=ωmr=1kωr(9)

where q is a parameter that is used to reconcile the local search with the global search.

The guide solution Sg is selected from the solution archive based on the roulette selection method and probability P. The μ and σ required to update the population can be derived from the information on each dimension of Sg and S. μ and σ are calculated from Eqs. 10–12, respectively.

μj=sgj(10)
σj=ξDj,j=1,,dim(11)
Dj=r=1k|srj-sgj|k-1(12)

where ξ is used to replace the pheromone evaporation rate. Dj is the Manhattan distance. |srj-sgj| denotes the distance from each solution to the reference individual in the archive.

The update formula for the current search agent Xi is shown in Eq. 13.

xij=normrnd(μj,σj)(13)

where normrnd(μ, σ) is the normal distribution function, μ denotes the mean vector, and σ denotes the standard deviation vector.

Enhanced ant colony optimization for continuous domains-based segmentation model

This section details the proposed EACOR and the EACOR-based thresholding image segmentation model.

The proposed enhanced ant colony optimization for continuous domains

Motivation

In order to increase the convergence speed while improving the accuracy. This study introduced the soft besiege strategy. The soft besiege strategy is inspired by HHO (Heidari et al., 2019b). The soft besiege strategy ensures a more reasonable ratio of global exploration and local exploitation of the algorithm, which is conducive to searching for higher quality solution. At the beginning of the optimization process, the algorithm tends to explore the entire search space more globally, which accelerates convergence and reduces the local optimum risk. Toward the end of the optimization process, the algorithm focuses more on further exploitation around the current optimal solution, improving the convergence accuracy of the algorithm. The pursuit strategy can enhance the local exploitation performance of the algorithm.

The soft besiege strategy

The adaptive step size facilitates to coordinate the exploration and exploitation of the proposed method. The exploration phase enables the search agents to conduct a global search with a big step size. In the exploitation phase, the search agent performs the local search with a small step size. E is calculated from Eq. 14.

E=2(1-FEsMaxFEs)(2r1-1)(14)

where FEs is the number of current function evaluation. MaxFEs is the maximum number of function evaluation. r1 is a randomly generated number between 0 and 1. From Eq. 14, as the number of iterations rises, we know that |E| drops from 2 to 0. The variation of E with the increasing number of iterations is shown in Figure 2.

FIGURE 2
www.frontiersin.org

Figure 2. The change curve of E in 1000 iterations based on Heidari et al. (2019b).

The soft besiege strategy uses the average position of all ants in the colony, the random ant position, and the food position (global optimal solution) to influence the current ant movement. The soft besiege strategy consists of two phases according to the optimization process.

When the current number of iterations is 1, the update formula for the current individual Xi=(xi1,xidim),i[1,N] is shown in Eq. 15.

xij={xrandj-r2×|xrandj-2r3×xij|,r6>0.5(xbestj-xmeanj)-r4(r5(ubj-lbj)+lbj),r60.5(15)

where xrandj, xbestj, and xmeanj denote the j-th component of the random individual, optimal individual and average individual in the population, respectively. r2, r3, r4, r5, and r6 are randomly generated between 0 and 1. ubj and lbj denote the maximum and minimum values of the j-th component, respectively. When r6 > 0.5, xij is updated according to the position of other individual. When r6 ≤ 0.5, xij updates its position based on the current best individual ant and the mean value of the population. This stage ensures that the colony can explore the search space more extensively and find the global optimal solution more easily.

When the number of iterations is greater than one, the main factor affecting the update of individual position is the current optimal individual. In addition, to improve the convergence accuracy and prevent falling into local optimum, random step J and Lévy flight are introduced. The updated formula for J is shown in Eq. 16.

J=2(1-r7)(16)

where r7 means random numbers between 0 and 1.

J and Lévy flight ensures that an individual can search locally at the current position and jump out of the local optimum by the feature of Lévy flight between long and short steps. At the next iteration, the individual Xtemp that may replace the current Xi is generated by Eqs. 17, 18.

xtempj={(xbestj-xij)-E|J×xbestj-xij|,r80.5(17)xbestj-E|J×xbestj-xij|,r8<0.5    (18)

where xtempj denotes the j-th component of Xtemp. r8 is randomly generated between 0 and 1.

In addition, when r8 < 0.5, the current individual’s position is further developed based on local information to obtain a better solution. If the fitness value of Xtemp is better, the next search step is performed according to Eq. 19. Otherwise, the original position is retained.

xtempj=xbestj-E|J×xbestj-xij|+r9×Levy(19)

where Levy denotes Lévy flight. r9 denotes a random number between 0 and 1.

As a result, the individual with the best fitness value of Xtemp and Xi is retained for the next iteration based on the current individual. The pseudo-code of the soft besiege strategy is shown in Algorithm 1.

Algorithm 1. Pseudo-code of the soft besiege strategy.

Input: N, dim, ub, lb, MaxFEs, object

function fobj, current iteration

number t,

population X(t) = {X1, …, XN}.

Output: Updated population

X(t + 1) = {X1, …, XN} and its function

value.

Find the optimal individual Xbest

according to the function value;

For i = 1: N

Calculate E according to Eq. 14;

For j = 1: dim

If t equals 1

Update current individual xij by

Eq. 15;

Else then

Update J by Eq. 16;

If r8 ≥ 0.5

Update the individual xtempj by

Eq. 17;

Else then

Update the individual xtempj by

Eq. 18;

Iffobj(Xtemp) better than fobj(Xi)

Update the individual xtempj by

Eq. 19;

End

End

End

Update Xi according to the fitness

function values of Xtemp and Xi;

End

End

The chase strategy

The chase strategy mainly updates the current individual’s position based on the guided individual Sg=(sg1,sgdim) and the global optimal Xbest. Since the two best individuals influence the current position, the strategy gradually devotes more computing resources to local location exploitation. The chase strategy is divided into two cases as shown in Eq. 20, by comparing the function value of Sg and Xi.

xtempj={sgj+r10(sgj-xij)+r11(xbestj-sgj),fobj(Sg)betterthanfobj(Xi)xij+r12(xij-sgj)+r13(xbestj-xij),otherwise(20)

where r10, r11, r12, r13 denote the random numbers between 0 and 1. The pseudo-code of the chase strategy is shown in Algorithm 2.

Algorithm 2. Pseudo-code of the chase strategy.

Input: N, dim, object function fobj,

population X(t) = {X1, …, XN}.

Output: Updated population

X(t + 1) = {X1, …, XN} and its function

value.

Find the optimal individual Xbest

according to the function value;

For i = 1: N

For j = 1: dim

Update the individual xtempj by

Eq. 20;

End

Update Xi according to the fitness

function values of Xtemp and Xi;

End

Implementation of enhanced ant colony optimization for continuous domains

This subsection describes the process of implementing EACOR. Step 1: the parameters of the algorithm are defined. Step 2: the archive is initialized and the fitness value is calculated. Step 3: ACOR’s core update formula of is executed. Step 4: the chase strategy is used to further exploit the population position. Step 5: update the population according to the soft besiege strategy. Step 6: remove N bad solutions from k + N individuals in this iteration. Step 7: the optimal individuals are output. The flow chart of EACOR is shown in Figure 3.

FIGURE 3
www.frontiersin.org

Figure 3. Flowchart of EACOR.

Implementation of the image segmentation model

In this study, a multi-level threshold segmentation method based on EACOR and Kapur’s entropy is used to achieve high-quality segmentation of melanoma images. According to the above method description, multi-threshold image segmentation is achieved according to the following steps.

Step 1: The original image is transformed into grayscale and NLM filtering images.

Step 2: The grayscale and NLM filtering images are mapped in an NLM two-dimensional histogram.

Step 3: Kapur’s entropy is used as the fitness function for the image information. According to the observation in Figure 4, the most useful image information is distributed in the sub-regions of the main diagonal of the 2D histogram, so we only compute these regions. The objective function is optimized using the EACOR algorithm proposed in this paper. The final optimal value is used as the optimal threshold for this image.

FIGURE 4
www.frontiersin.org

Figure 4. Flowchart of image segmentation.

Step 4: The segmented gray image and the color jet colormap image are obtained according to the optimal solution information.

The details of the proposed segmentation model are shown in Figure 4.

Experiments and results analysis

In this section, the algorithm’s performance was verified in two main aspects: the benchmark function experiment and the image segmentation experiment. For the benchmark function experiments, all experiments were tested on the IEEE CEC2014 benchmark function. In addition, the global optimization performance of EACOR is verified by objective comparison experiments with some advanced methods. The EACOR-based multi-threshold image segmentation method segmented nine melanomas at different thresholds for the image segmentation experiments. Three segmentation quality assessment criteria were used to test the above results. To test whether the obtained data were statistically significant, the Wilcoxon signed-rank test (WSRT) (Garcia et al., 2010) and the Friedman test (FT) (Derrac et al., 2011) were used as statistical criteria for the data in this paper.

It is worth noting that ‘+,’ ‘−,’ and ‘=’ results appear in the comparison between the baseline function experiment and the image segmentation experiment. ‘+’ Indicates that the difference between the two results is significant and that the results of the proposed method are better. ‘−’ Indicates that the difference between the two results is significant and that the proposed method results are worse. ‘=’ Means that the difference between the two results is insignificant, and the performance of the two algorithms can be considered similar.

Moreover, all experiments were performed on a computer with Intel(R) Xeon(R) CPU E5-2620 v4 @ 2.10GHz processor and 16GB RAM, using MATLAB R2018b.

Experiments on benchmark functions

Experimental conditions and environmental settings

The benchmark function experiments in subsection “Experiments on benchmark functions” focused on testing the global optimization performance of EACOR. IEEE CEC2014 test suite consists of unimodal, multimodal, hybrid, and composition functions that effectively validate the exploration and exploitation capabilities of the algorithms. Details of all IEEE CEC2014 benchmark functions can be referred to Liang et al. (2013). In order to ensure the fairness of the algorithm, all common parameters were standardized, as shown in Table 1. In addition, Table 2 shows the average ranking of the key parameters tested on the 30 functions. It was finally determined that ξ was set to 1, k was set to 10, and q was set to 0.5.

TABLE 1
www.frontiersin.org

Table 1. Details of the public parameters.

TABLE 2
www.frontiersin.org

Table 2. Values of important parameters in EACOR.

The strategy combination comparison test

Enhanced ant colony optimization for continuous domains introduced the soft besiege strategy and the chase strategy. In order to verify whether the two enhanced strategies can improve EACOR’s optimization capabilities, a strategy comparison experiment was set up in this subsection. The four combinations of the two strategies are shown in Table 3, where ‘1’ means that the strategy was used and ‘0’ means that the strategy was not used.

TABLE 3
www.frontiersin.org

Table 3. Four combinations of two strategies in EACOR.

Table 4 shows the rankings of WSRT and FT and the comparison results. For WSRT, EACOR ranked the best of the four algorithms with an average ranking of 1.93 on the 30 benchmark functions. For FT, EACOR ranked first, and its average ranking was 1.98. In the last column of Table 4, EACOR had six results that were better than ACOR_S, four results that were worse than ACOR_S, and other results that were like ACOR_S. Compared to ACOR without both strategies, EACOR won in 27 functions and failed in only 2 functions.

TABLE 4
www.frontiersin.org

Table 4. Comparative results of strategy combination comparison experiment.

The convergence curves for the four different combinations of the two techniques are shown in Figure 5 and Supplementary Figures B.1, B.2. From the convergence curves, we can see that EACOR has better convergence accuracy than the other three algorithms. Furthermore, it can be seen at F11, F29, and F30 that there was a rapid downward trend in the curves of EACOR and ACOR_S for evaluation numbers between 250,000 and 300,000. It is due to the process of EACOR escaping from the local optimum solution when dealing with some multi-peaked functions. It shows that the soft besiege strategy introduced by the algorithm improved the ability of the algorithm to avoid falling into the local optimum solution.

FIGURE 5
www.frontiersin.org

Figure 5. The convergence curve of the EACOR strategy combination.

According to the above analysis, only the ACOR algorithm with both the soft besiege strategy and the chase strategy can reach the optimal state.

The qualitative analysis

To analyze the impact of the introduced strategy on ACOR, the search process of EACOR and ACOR was analyzed through 1000 iterations. Figure 6 shows the search process of some functions of EACOR on IEEE CEC2014. Figure 6A shows the 3-D search space of the global optimization problems. Figure 6B shows all exploration trajectories in the search space, where the red dot indicates the optimal positions. Figure 6C depicts the algorithm’s search trajectory in the first dimension. EACOR’s average fitness value is seen in Figure 6D.

FIGURE 6
www.frontiersin.org

Figure 6. (A) Three-dimensional location distribution of EACOR. (B) Distribution of historical search tracks of EACOR. (C) Historical trajectory of EACOR’s component. (D) Average fitness of EACOR.

Figure 6B demonstrates that most search agents focus their efforts on a local search around the global optimal solution, whereas only a tiny number of search agents conduct a global search for the optimal solution. This shows that EACOR has not only local but also global search capability. Figure 6C shows that EACOR has a sharp oscillation in the search trajectory curve in the early stage of the search, and then the curve becomes smooth. This change ensures that the algorithm improves both the convergence accuracy and the speed of convergence. Figure 6D shows that EACOR has a variety of search agents during the preliminary iterations. The diversity of search agents, on the other hand, decreases as the number of iterations increases. This confirms the transformation of the algorithm from the exploration phase to the exploitation phase.

To further analyze how the introduction mechanism improves the ACOR search capability. We have conducted balanced experiments on the Exploration phase and Exploitation phase of EACOR and ACOR based on 30 functions of IEEE CEC2014. In addition, experiments on the diversity of the two algorithms were conducted. The experimental result is shown in Figure 7 and Supplementary Figures B.3B.7. The red and blue lines in Figures 7A,B represent the Exploration and Exploitation phases, respectively. The first and second column images show the balance test results for EACOR and ACOR, respectively. From the first two columns of test results, it can be seen that the exploitation phase of EACOR and ACOR dominates and facilitates the algorithm to explore the known solutions further. By comparing the exploration and exploitation phases of the two methods, it can be seen that EACOR enhances the algorithm’s exploration of the search space and improves the probability of obtaining an optimal solution. A comparison of Figures 7A,B in the same row shows that the search ratio of EACOR in the Exploration phase is significantly higher than that of ACOR. This leads to the situation shown in Figure 7C, where the population diversity of EACOR is significantly larger than that of ACOR at the beginning of the iteration and gradually decreases at the end of the iteration. From the above analysis, we can conclude that EACOR can jump out of the local optimal solution and achieve better convergence accuracy because the global search capability is stronger than that of ACOR.

FIGURE 7
www.frontiersin.org

Figure 7. (A) The balance tests of EACOR. (B) The balance tests of ACOR. (C) The diversity tests of EACOR and ACOR.

The stability experiment of enhanced ant colony optimization for continuous domains

To verify the effect of the real problem dimension component on the EACOR optimization performance (Zhu B. et al., 2018), this subsection analyzed the experimental results of the EACOR algorithm for 30 benchmark functions in high dimensions (dim was set to 50 and 100).

Table 5 shows the ranking of EACOR and ACOR for WSRT and FT in dealing with high dimensional problems and the comparison results. From the table, EACOR was the best in both the WSRT and FT statistical tests in both 50 and 100 dimensions. Furthermore, EACOR achieved stronger optimization results than ACOR for 26 functions in both dimensions, indicating that EACOR can still show excellent optimization performance when dealing with high-dimensional complex problems.

TABLE 5
www.frontiersin.org

Table 5. Comparative results of stability analysis.

In addition, Figures 8, 9 show the convergence curve of the algorithm in dealing with high-dimensional problems. Although the algorithm’s convergence accuracy was reduced due to the increase in problem dimensionality, EACOR was less affected than the original algorithm. It is worth noting that the convergence curves for F9, F10, F29, and F30 can be observed; EACOR can still jump out of the local optimal solution at the late stage of the iteration in the high dimension. As a result, EACOR was superior in terms of convergence performance and escape from local optimum solutions.

FIGURE 8
www.frontiersin.org

Figure 8. Convergence curves of EACOR and ACOR at 50 dimensions.

FIGURE 9
www.frontiersin.org

Figure 9. Convergence curves of EACOR and ACOR at 100 dimensions.

Comparison experiment with the original algorithms

To enable a more objective evaluation of EACOR’s performance, it was compared to ten well-known competitors in this subsection. These algorithms included ACOR, DE, FA, GWO, WOA, HHO, MFO, SCA, SFS, and TSA.

Table 6 shows the average ranking of the optimization results for the 30 benchmark functions. Among the 11 methods, EACOR ranked first in both WSRT and FT, with an average ranking of 2.37 and 2.77, respectively. The suboptimal method is DE, which has an average ranking of 2.97 and 3.2 for WSRT and FT, respectively. Furthermore, EACOR can beat DE on 18 functions, while DE outperformed EACOR on only 10 functions, and the other two results were considered equal. It is noteworthy that the worst-performing method of both statistical methods was ACOR, which shows that the improvement strategy proposed in this study can adequately improve the algorithm’s performance.

TABLE 6
www.frontiersin.org

Table 6. Comparative results of EACOR with ten original algorithms.

Figure 10 and Supplementary Figures B.12, B.13 show the convergence of the 11 algorithms on 30 benchmark functions. We can see that EACOR is at the bottom of the convergence curve. In F1, F6, F9, F21, F30, and EACOR finds better solutions and converges faster than the other algorithms. In F1, F9, F17, F20, F21, F30, and EACOR still finds better solutions at the end of the iterations, especially in F21, EACOR converges at the beginning of the iteration with accuracy second to that of DE, but EACOR’s advantage of jumping out of the local optimum at the end of the iteration makes the result better than DE’s result.

FIGURE 10
www.frontiersin.org

Figure 10. Convergence curves of EACOR with ten original algorithms.

The means and standard deviations of 30 independent runs of the experiments indicate that the algorithm can obtain excellent and stable optimization results. WSRT and FT demonstrate the statistical significance of the experimental results. Overall, EACOR is more competitive than some advanced and original algorithms.

Comparison experiments with the peers

To further demonstrate the superiority of the EACOR algorithm in terms of performance, EACOR was compared with ten other excellent improved algorithms. These peers were CDLOBA, CBA, HGWO, ASCA_PSO, SCADE, m_SCA, IGWO, OBLGWO, ACWOA, and BMWOA.

Table 7 shows the ranking of EACOR with these ten peers for both statistical methods. EACOR performed best in WSRT and FT, with an average ranking of 2.17 and 2.62, respectively. In addition, EACOR can beat the second-ranked IGWO on 23 functions and be disadvantaged on only 4 functions. The various comparisons in Table 7 show that EACOR has better optimization performance and can handle different optimization problems better.

TABLE 7
www.frontiersin.org

Table 7. Comparative results of EACOR with ten peers.

Figure 11 and Supplementary Figures B.14, B.15 show the convergence of EACOR with ten advanced peer methods on IEEE CEC2014, and it can be seen that EACOR can achieve better optimization results in most functions compared to other methods. In addition, by looking at F3, F16, and F29, we can see that the convergence curves of EACOR are still significantly skewed in the late iterations, which indicates that EACOR has an excellent ability to jump out of the local optimal solution.

FIGURE 11
www.frontiersin.org

Figure 11. Convergence curves of EACOR with ten peers.

Based on the above analysis, we can conclude that EACOR still has significant advantages not only compared with the original algorithm but also compared with the improved algorithm in terms of convergence accuracy, convergence speed, and prevention of premature convergence.

Experiments on image segmentation

To validate the performance of the EACOR-based multi-level threshold image segmentation model proposed in this paper, we used image segmentation on nine real melanoma pathology images and compared them with some well-known algorithms. The original pathology images and the non-local mean two-dimensional histogram are shown in Supplementary Figure B.16. Notably, we conducted experiments at different thresholds to investigate the competitive performance of the proposed segmentation method at different thresholds. Then, the obtained segmentation results were analyzed.

Validation criteria for image quality

In order to judge the quality of the segmented image, three methods, PSNR, SSIM, and FSIM, were used to evaluate the segmentation results. Table 8 describes the evaluation methods PSNR, SSIM, and FSIM.

TABLE 8
www.frontiersin.org

Table 8. Image quality evaluation index.

After obtaining the above three criteria, the evaluation data were statistically analyzed using the mean, standard deviation, WSRT, and FT. The final evaluation data of the image segmentation effect were obtained.

Melanoma image segmentation experiment

Since melanoma can be easily confused with a pigmented nevus, there are some mistakes in the process of pathological image detection. To segment melanoma effectively, we use the MTIS technique to segment melanoma pathological images. To see more clearly the value of EACOR in melanoma image segmentation, 9 pathological images of melanoma were segmented at 5 thresholds by EACOR with 9 similar algorithms, namely ACOR, CS, GWO, HHO, SCA, ACWOA, IGWO, m_SCA, and SCADE, according to the evaluation method in subsection “Validation criteria for image quality.”

Figure 12 shows the jet colormap and gray images obtained after segmentation of nine melanoma images by each method. It is easy to observe that the image segmentation obtained by SCA and IGWO was inferior to the other methods. However, EACOR, ACOR, and CS were visually difficult to distinguish the segmentation quality. Therefore, in subsequent experiments, the performance of the methods was compared more visually through the three evaluation methods.

FIGURE 12
www.frontiersin.org

Figure 12. Segmentation results of all algorithms.

Supplementary Tables A.1A.3 compare FSIM, PSNR, and SSIM at different thresholds. As can be seen from the table, EACOR ranked first for all thresholds. Furthermore, the difference between EACOR and ACOR for segmentation of 9 images was small at thresholds 4, 8, and 12. However, at 16 and 20 thresholds, most images segmented using EACOR were significantly better than those obtained with ACOR. Figures 1315 show the three image evaluation metric scores at each threshold. The mean values of FSIM, PSNR, and SSIM were the highest for EACOR, indicating that the EACOR-based image segmentation method can achieve high-quality segmentation of melanoma images. And by comparing the thresholding results of the five levels of thresholding an increase in the threshold level between the experimentally set threshold levels is beneficial in improving the segmentation results. To further verify the significance of the obtained results, the experimental results were further analyzed by the Friedman test. Figures 1618 show the FT results of the three evaluation criteria. The three FT results show that EACOR was the best compared to the other algorithms with the same conditions. The combination of FSIM, PSNR, and SSIM shows that the melanoma images obtained by this method retain more useful image features and have less image distortion.

FIGURE 13
www.frontiersin.org

Figure 13. FSIM results at different thresholds for nine melanoma images.

FIGURE 14
www.frontiersin.org

Figure 14. PSNR results at different thresholds for nine melanoma images.

FIGURE 15
www.frontiersin.org

Figure 15. SSIM results at different thresholds for nine melanoma images.

FIGURE 16
www.frontiersin.org

Figure 16. FT result of FSIM evaluation at different thresholds for nine melanoma images.

FIGURE 17
www.frontiersin.org

Figure 17. FT result of PSNR evaluation at different thresholds for nine melanoma images.

FIGURE 18
www.frontiersin.org

Figure 18. FT result of SSIM evaluation at different thresholds for nine melanoma images.

As the proposed image segmentation framework used Kapur’s entropy as the objective function of the segmentation threshold. Therefore, the larger Kapur’s entropy value indicates that the maximum amount of information is retained between the background and the target, which is more conducive to improving image segmentation quality. Supplementary Table A.4 shows that the maximum of Kapur’s entropy is obtained for different thresholds, and EACOR can still obtain the optimal Kapur’s entropy value in most cases. Figure 19 shows the convergence curves for each algorithm for nine images at 20 levels of thresholding. Based on the above analysis of Kapur’s entropy, the most reasonable solution was obtained by EACOR, followed by ACOR. Finally, Supplementary Figures B.17B.25 show the optimal set of thresholds for the 9 images at 8 levels of thresholding.

FIGURE 19
www.frontiersin.org

Figure 19. The convergence curve of 20-level threshold segmentation.

Discussion

We can draw the following conclusions based on the experimental results in subsection “Experiments on benchmark functions.” First, when EACOR is compared with ACOR in a higher dimension of the same function, the convergence of EACOR becomes faster, and the convergence accuracy is higher. It shows that EACOR has a better and more stable optimization performance than ACOR in different dimensions. Second, in analyzing the effect of the soft besiege strategy and the chase strategy on ACOR, the soft besiege strategy balances the exploration and development phases so that the global search ability of EACOR becomes weaker with increasing iterations. The local search ability becomes more robust with increasing iterations, effectively solving the problem of insufficient convergence accuracy of ACOR. Moreover, by observing the EACOR search process, we can conclude that EACOR can still perform the global search while performing the local search at the end. The chase strategy can increase the local search capability of EACOR. Thirdly, comparing EACOR with some peers and variants further demonstrates the strong optimization capability of EACOR. As a result, EACOR can cope with different complex optimization problems.

In subsection “Experiments on image segmentation,” the results of FSIM, PSNR, and SSIM are evaluated by analyzing 4, 8, 12, 16, and 20 thresholds. Then the convergence curves of mean, standard deviation, WSRT, FT, and optimal threshold combinations are used to verify the segmentation effectiveness of the EACOR-based multi-threshold segmentation method. Firstly, based on the results of 30 experimental means and standard deviations, it can be concluded that the experimental results are not coincidental, and EACOR shows excellent stability and segmentation ability. Secondly, based on the comparison results of WSRT and FT at 5 different thresholds, EACOR outperforms other segmentation methods at all thresholds, and as the threshold level increases, EACOR’s WSRT and FT results become better. This indicates that the higher the threshold value within a certain threshold range, the better EACOR’s segmentation results become. Thirdly, combining the optimal threshold combinations and the adaptation convergence curves of each method shows that EACOR can find the optimal threshold combination in the shortest time. The segmentation efficiency of the model is improved. It can be obtained through global optimization and image segmentation experiments that the EACOR-based multi-threshold Kapur’s entropy segmentation method is an excellent segmentation tool for melanoma images, which can provide samples with less redundant information for subsequent computer-aided diagnosis.

Because it is based on an improvement of the original algorithm, it inevitably makes the EACOR calculation more complex. The significant improvement in optimization performance makes the increased computational cost acceptable. Moreover, this problem can be overcome in subsequent work by introducing parallel computing techniques and high arithmetic devices. The superior optimization performance of EACOR ensures efficient image segmentation models, and provide greater possibilities for application to other fields in the future, such as disease prediction (Su et al., 2019; Li L. et al., 2021), recommender system (Li et al., 2014, 2017), information retrieval services (Wu et al., 2020a, 2021b), human activity recognition (Qiu et al., 2022), colorectal polyp region extraction (Hu K. et al., 2022), location-based services (Wu et al., 2020b, 2021a), text clustering (Guan et al., 2020), essay recommendation (Liang et al., 2021), image denoising (Zhang et al., 2020), drug-disease associations prediction (Cai et al., 2021), other disease image segmentation (Qi et al., 2022; Ren et al., 2022; Su et al., 2022), dynamic module detection (Ma et al., 2020; Li D. et al., 2021), drug discovery (Zhu F. et al., 2018; Li Y. et al., 2020), and road network planning (Huang et al., 2022).

Conclusion and future works

To obtain higher quality segmentation results of pathological images in melanoma, this paper proposes a high-quality improvement algorithm EACOR based on ACOR. We also propose an MTIS method based on EACOR and Kapur’s entropy. EACOR introduces the soft besiege strategy and the chase strategy based on ACOR. In addition to addressing ACOR’s convergence speed and accuracy shortcomings, it enhances the ability of global search to keep the algorithm from falling into a local optimum. The following experiments were conducted to evaluate the usefulness of EACOR in practical applications. The first step is to assess EACOR’s ability to optimize its performance. On 30 benchmark functions from IEEE CEC2014, we tested EACOR and used the WSRT and the FT to analyze the results of our experiments statistically. We performed quantitative and qualitative analysis of the new strategy by a series of experiments, and the results showed that the soft besiege strategy and the chase strategy could enhance the optimization capability of EACOR. The stability of EACOR is demonstrated through high-dimensional experiments. To further validate the optimization performance of EACOR, we compare EACOR with 10 peers with excellent performance and 10 variants of the algorithm. The experimental results show that EACOR has the best optimization performance among these 20 similar algorithms. In the second step, we validate the segmentation effect of EACOR on melanoma images. For nine genuine melanoma pathology images, we used EACOR to conduct MTIS with EACOR. The NLM and two-dimensional histogram at the heart of MTIS is used in conjunction with the EACOR method to determine the best threshold for Kapur’s entropy. To fully demonstrate the segmentation capability of EACOR, we evaluate the segmentation results obtained by EACOR at 4, 8, 12, 16, 20 thresholds using FSIM, PSNR, SSIM as segmentation criteria. In the image segmentation experiments, we added 9 similar algorithms to compare with EACOR. The experimental results show that EACOR can perform effective MTIS for more complex melanoma images.

In future work, we will apply the powerful optimization capabilities of EACOR to other areas. For example, engineering optimization problems, feature selection, photovoltaic parameter identification and bankruptcy prediction are among the practical problems. In addition, the main area of EACOR is the segmentation of pathological images so we will use EACOR for more segmentation of melanoma pathological images. It is hoped that the quality of segmentation of pathological images from other diseases, including HE staining or immunohistochemical (IHC) staining can be applied to practice and improved.

Data availability statement

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

Author contributions

XYa, XYe, AH, and ZX contributed to writing—original draft, writing—review and editing, software, visualization, and investigation. DZ, HC, and YL contributed to conceptualization, methodology, formal analysis, investigation, writing—review and editing, funding acquisition, and supervision. All authors contributed to the article and approved the submitted version.

Funding

The patients’ data and the pathological sections were evaluated and provided by the Department of Pathology, The First Affiliated Hospital of Wenzhou Medical University, Wenzhou, Zhejiang, China. This work was supported by the Wenzhou Scientific and Technological Project (Y20180656) and the Natural Science Foundation of Jilin Provincial (No. 20200201053JC), “Thirteenth Five-Year” Science and Technology Project of Jilin Provincial Department of Education (JJKH20200829KJ), Changchun Normal University Ph.D. Research Startup Funding Project (BS [2020]), and the National Natural Science Foundation of China (62076185 and U1809209).

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/fninf.2022.1041799/full#supplementary-material

References

Adarsh, B. R., Raghunathan, T., Jayabarathi, T., and Yang, X.-S. (2016). Economic dispatch using chaotic bat algorithm. Energy 96, 666–675. doi: 10.1016/j.energy.2015.12.096

CrossRef Full Text | Google Scholar

Ahmadianfar, I., Heidari, A. A., Gandomi, A. H., Chu, X., and Chen, H. (2021). RUN beyond the metaphor: An efficient optimization algorithm based on runge kutta method. Exp. Syst. Appl. 181:115079. doi: 10.1016/j.eswa.2021.115079

CrossRef Full Text | Google Scholar

Ahmadianfar, I., Heidari, A. A., Noshadian, S., Chen, H., and Gandomi, A. H. (2022). INFO: An efficient optimization algorithm based on weighted mean of vectors. Exp. Syst. Appl. 195:116516. doi: 10.1016/j.eswa.2022.116516

CrossRef Full Text | Google Scholar

Ahn, E., Kim, J., Bi, L., Kumar, A., Li, C., Fulham, M., et al. (2017). Saliency-based lesion segmentation via background detection in dermoscopic images. IEEE J. Biomed. Health Inform. 21, 1685–1693. doi: 10.1109/JBHI.2017.2653179

PubMed Abstract | CrossRef Full Text | Google Scholar

Albittar, A. A., Alhalabi, O., and Glitza Oliva, I. C. (2020). Immunotherapy for Melanoma. Adv. Exp. Med. Biol. 1244, 51–68. doi: 10.1007/978-3-030-41008-7_3

CrossRef Full Text | Google Scholar

Al-Masni, M. A., Al-Antari, M. A., Choi, M. T., Han, S. M., and Kim, T. S. (2018). Skin lesion segmentation in dermoscopy images via deep full resolution convolutional networks. Comp. Methods Prog. Biomed. 162, 221–231. doi: 10.1016/j.cmpb.2018.05.027

PubMed Abstract | CrossRef Full Text | Google Scholar

Bi, L., Kim, J., Ahn, E., Kumar, A., Fulham, M., and Feng, D. (2017). Dermoscopic image segmentation via multistage fully convolutional networks. IEEE Trans. Biomed. Eng. 64, 2065–2074. doi: 10.1109/TBME.2017.2712771

PubMed Abstract | CrossRef Full Text | Google Scholar

Buades, A., Coll, B., and Morel, J. (2005). “A non-local algorithm for image denoising,” in Proceedings of the 2005 IEEE computer society conference on computer vision and pattern recognition (CVPR’05) (San Diego, CA: IEEE).

Google Scholar

Cai, L., Lu, C., Xu, J., Meng, Y., Wang, P., Fu, X., et al. (2021). Drug repositioning based on the heterogeneous information fusion graph convolutional network. Brief. Bioinform. 22:bbab319. doi: 10.1093/bib/bbab319

PubMed Abstract | CrossRef Full Text | Google Scholar

Cai, Z., Gu, J., Luo, J., Zhang, Q., Chen, H., Pan, Z., et al. (2019). Evolving an optimal kernel extreme learning machine by using an enhanced grey wolf optimization strategy. Exp. Syst. Appl. 138:112814. doi: 10.1016/j.eswa.2019.07.031

CrossRef Full Text | Google Scholar

Camacho Villalón, C. L., Stützle, T., and Dorigo, M. (2020). “Grey wolf, firefly and bat algorithms: Three widespread algorithms that do not contain any novelty,” in Proceedings of the international conference on swarm intelligence (Berlin: Springer). doi: 10.1007/978-3-030-60376-2_10

CrossRef Full Text | Google Scholar

Camacho-Villalón, C. L., Dorigo, M., and Stützle, T. (2018). “Why the intelligent water drops cannot be considered as a novel algorithm,” in Proceedings of the international conference on swarm intelligence (Berlin: Springer). doi: 10.1007/978-3-030-00533-7_24

CrossRef Full Text | Google Scholar

Chen, H., Heidari, A. A., Chen, H., Wang, M., Pan, Z., and Gandomi, A. H. (2020). Multi-population differential evolution-assisted Harris hawks optimization: Framework and case studies. Future Gener. Comput. Syst. 111, 175–198. doi: 10.1016/j.future.2020.04.008

CrossRef Full Text | Google Scholar

Chen, H.-L., Wang, G., Ma, C., Cai, Z. N., Liu, W. B., and Wang, S. J. (2016). An efficient hybrid kernel extreme learning machine approach for early diagnosis of Parkinson’s disease. Neurocomputing 184, 131–144. doi: 10.1016/j.neucom.2015.07.138

CrossRef Full Text | Google Scholar

Chen, W., Chai, Y., Chai, G., Hu, Y., Chen, M., Xu, H., et al. (2020). Automated lesion segmentation and quantitative analysis of nevus in whole-face images. J. Craniofac. Surg. 31, 360–363. doi: 10.1097/SCS.0000000000006017

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, Y., Wang, M., Heidari, A. A., Shi, B., Hu, Z., Zhang, Q., et al. (2022). Multi-threshold image segmentation using a multi-strategy shuffled frog leaping algorithm. Exp. Syst. Appl. 194:116511. doi: 10.1016/j.eswa.2022.116511

CrossRef Full Text | Google Scholar

Deng, W., Ni, H., Liu, Y., Chen, H., and Zhao, H. (2022a). An adaptive differential evolution algorithm based on belief space and generalized opposition-based learning for resource allocation. Appl. Soft Comput. 127:109419. doi: 10.1016/j.asoc.2022.109419

CrossRef Full Text | Google Scholar

Deng, W., Xu, J., Gao, X., and Zhao, H. (2022b). An enhanced MSIQDE algorithm with novel multiple strategies for global optimization problems. IEEE Trans. Syst. Man Cybern. Syst. 52, 1578–1587. doi: 10.1109/TSMC.2020.3030792

CrossRef Full Text | Google Scholar

Deng, W., Zhang, L., Zhou, X., Zhou, Y., Sun, Y., Zhu, W., et al. (2022c). Multi-strategy particle swarm and ant colony hybrid optimization for airport taxiway planning problem. Inform. Sci. 612, 576–593. doi: 10.1016/j.ins.2022.08.115

CrossRef Full Text | Google Scholar

Deng, W., Zhang, X., Zhou, Y., Liu, Y., Zhou, X., Chen, H., et al. (2022d). An enhanced fast non-dominated solution sorting genetic algorithm for multi-objective problems. Inform. Sci. 585, 441–453. doi: 10.1016/j.ins.2021.11.052

CrossRef Full Text | Google Scholar

Derrac, J., García, S., Molina, D., and Herrera, F. (2011). A practical tutorial on the use of nonparametric statistical tests as a methodology for comparing evolutionary and swarm intelligence algorithms. Swarm Evol. Comput. 1, 3–18. doi: 10.1016/j.swevo.2011.02.002

CrossRef Full Text | Google Scholar

Dong, R., Chen, H., Heidari, A. A., Turabieh, H., Mafarja, M., and Wang, S. (2021). Boosted kernel search: Framework, analysis and case studies on the economic emission dispatch problem. Knowl. Based Syst. 233:107529. doi: 10.1016/j.knosys.2021.107529

CrossRef Full Text | Google Scholar

Gao, D., Wang, G.-G., and Pedrycz, W. (2020). Solving fuzzy job-shop scheduling problem using DE algorithm improved by a selection mechanism. IEEE Trans. Fuzzy Syst. 28, 3265–3275. doi: 10.1109/TFUZZ.2020.3003506

CrossRef Full Text | Google Scholar

Gao, W. (2014). Forecasting of landslide disasters based on bionics algorithm (Part 1: Critical slip surface searching). Comput. Geotech. 61, 370–377. doi: 10.1016/j.compgeo.2014.06.007

CrossRef Full Text | Google Scholar

Garcia, S., Fernández, A., Luengo, J., and Herrera, F. (2010). Advanced nonparametric tests for multiple comparisons in the design of experiments in computational intelligence and data mining: Experimental analysis of power. Inform. Sci. 180, 2044–2064. doi: 10.1016/j.ins.2009.12.010

CrossRef Full Text | Google Scholar

Guan, R., Zhang, H., Liang, Y., Giunchiglia, F., Huang, L., and Feng, X. (2020). Deep feature-based text clustering and its explanation. IEEE Trans. Knowl. Data Eng. 34:1. doi: 10.1109/TKDE.2020.3028943

CrossRef Full Text | Google Scholar

Han, X., Han, Y., Chen, Q., Li, J., Sang, H., Liu, Y., et al. (2021). Distributed flow shop scheduling with sequence-dependent setup times using an improved iterated greedy algorithm. Complex Syst. Model. Simul. 1, 198–217. doi: 10.23919/CSMS.2021.0018

CrossRef Full Text | Google Scholar

He, Z., Yen, G. G., and Ding, J. (2020). Knee-based decision making and visualization in many-objective optimization. IEEE Trans. Evol. Comput. 25, 292–306. doi: 10.1109/TEVC.2020.3027620

CrossRef Full Text | Google Scholar

He, Z., Yen, G. G., and Lv, J. (2019). Evolutionary multiobjective optimization with robustness enhancement. IEEE Trans. Evol. Comput. 24, 494–507. doi: 10.1109/TEVC.2019.2933444

CrossRef Full Text | Google Scholar

Heidari, A. A., Abbaspour, R. A., and Chen, H. (2019a). Efficient boosted grey wolf optimizers for global search and kernel extreme learning machine training. Appl. Soft Comput. 81:105521. doi: 10.1016/j.asoc.2019.105521

CrossRef Full Text | Google Scholar

Heidari, A. A., Mirjalili, S., Faris, H., Aljarah, I., Mafarja, M., and Chen, H. (2019b). Harris hawks optimization: Algorithm and applications. Future Gener. Comput. Syst. 97, 849–872. doi: 10.1016/j.future.2019.02.028

CrossRef Full Text | Google Scholar

Hu, J., Gui, W. Y., Heidari, A. A., Cai, Z. N., Liang, G. X., Chen, H. L., et al. (2022). Dispersed foraging slime mould algorithm: Continuous and binary variants for global optimization and wrapper-based feature selection. Knowl. Based Syst. 237:107761. doi: 10.1016/j.knosys.2021.107761

CrossRef Full Text | Google Scholar

Hu, K., Zhao, L., Li, D., Qi, X., Guan, K., Chen, H., et al. (2022). Colorectal polyp region extraction using saliency detection network with neutrosophic enhancement. Comput. Biol. Med. 147:105760. doi: 10.1016/j.compbiomed.2022.105760

PubMed Abstract | CrossRef Full Text | Google Scholar

Hu, S., Lei, B., Wang, S., Wang, Y., Feng, Z., and Shen, Y. (2021). Bidirectional mapping generative adversarial networks for brain MR to PET synthesis. IEEE Trans. Med. Imag. 41, 145–157. doi: 10.1109/TMI.2021.3107013

PubMed Abstract | CrossRef Full Text | Google Scholar

Hua, Y., Liu, Q., Hao, K., and Jin, Y. (2021). A survey of evolutionary algorithms for multi-objective optimization problems with irregular pareto fronts. IEEE CAA J. Autom. Sin. 8, 303–318. doi: 10.1109/JAS.2021.1003817

CrossRef Full Text | Google Scholar

Huang, L., Yang, Y., Chen, H., Zhang, Y., Wang, Z., and He, L. (2022). Context-aware road travel time estimation by coupled tensor decomposition based on trajectory data. Knowl. Based Syst. 245:108596. doi: 10.1016/j.knosys.2022.108596

CrossRef Full Text | Google Scholar

Hussien, A. G., Heidari, A. A., Ye, X. J., Liang, G. X., Chen, H. L., and Pan, Z. F. (2022). Boosting whale optimization with evolution strategy and Gaussian random walks: An image segmentation method. Eng. Comput. 1–45. doi: 10.1007/s00366-021-01542-0

CrossRef Full Text | Google Scholar

Huynh-Thu, Q., and Ghanbari, M. (2008). Scope of validity of PSNR in image/video quality assessment. J. Electron. Lett. 44:800. doi: 10.1049/el:20080522

CrossRef Full Text | Google Scholar

Ilesanmi, A. E., Idowu, O. P., Chaumrattanakul, U., and Makhanov, S. S. (2021). Multiscale hybrid algorithm for pre-processing of ultrasound images. Biomed. Signal Process. Control 66:102396. doi: 10.1016/j.bspc.2020.102396

CrossRef Full Text | Google Scholar

Issa, M., Hassanien, A. E., Oliva, D., Helmi, A., Ziedan, I., and Alzohairy, A. (2018). ASCA-PSO: Adaptive sine cosine optimization algorithm integrated with particle swarm for pairwise local sequence alignment. Exp. Syst. Appl. 99, 56–70. doi: 10.1016/j.eswa.2018.01.019

CrossRef Full Text | Google Scholar

Jero, E. S., Ramu, P., and Swaminathan, R. (2016). Imperceptibility—robustness tradeoff studies for ECG steganography using continuous ant colony optimization. Exp. Syst. Appl. 49, 123–135. doi: 10.1016/j.eswa.2015.12.010

CrossRef Full Text | Google Scholar

Juang, C. F., and Chang, P. H. (2011). Recurrent fuzzy system design using elite-guided continuous ant colony optimization. Appl. Soft Comput. 11, 2687–2697. doi: 10.1016/j.asoc.2010.11.001

CrossRef Full Text | Google Scholar

Kassem, M. A., Hosny, K. M., Damaševièius, R., and Eltoukhy, M. M. (2021). Machine learning and deep learning methods for skin lesion classification and diagnosis: A systematic review. Diagnostics 11:1390. doi: 10.3390/diagnostics11081390

PubMed Abstract | CrossRef Full Text | Google Scholar

Khashan, N., Elhosseini, M. A., Haikal, A. Y., and Badawy, M. (2018). Biped robot stability based on an A-C parametric whale optimization algorithm. J. Comput. Sci. 31, 17–32. doi: 10.1016/j.jocs.2018.12.005

CrossRef Full Text | Google Scholar

Kiran, M. S. (2015). TSA: Tree-seed algorithm for continuous optimization. Exp. Syst. Appl. 42, 6686–6698. doi: 10.1016/j.eswa.2015.04.055

CrossRef Full Text | Google Scholar

Lafci, B., Robin, J., Dean-Ben, X. L., and Razansky, D. (2022). Expediting image acquisition in reflection ultrasound computed tomography. IEEE Trans. Ultrason. Ferroelectr. Freq. Control 69, 2837–2848. doi: 10.1109/TUFFC.2022.3172713

PubMed Abstract | CrossRef Full Text | Google Scholar

Lee, H. D., Mendes, A. I., Spolaôr, N., Oliva, J. T., Parmezan, A. R. S., Wu, F. C., et al. (2018). Dermoscopic assisted diagnosis in melanoma: Reviewing results, optimizing methodologies and quantifying empirical guidelines. Knowl. Based Syst. 158, 9–24. doi: 10.1016/j.knosys.2018.05.016

CrossRef Full Text | Google Scholar

Li, D., Zhang, S., and Ma, X. (2021). Dynamic module detection in temporal attributed networks of cancers. IEEE ACM Trans. Comput. Biol. Bioinform. 19, 2219–2230. doi: 10.1109/TCBB.2021.3069441

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, J., Chen, C., Chen, H., and Tong, T. (2017). Towards context-aware social recommendation via individual trust. Knowl. Based Syst. 127, 58–66. doi: 10.1016/j.knosys.2017.02.032

CrossRef Full Text | Google Scholar

Li, J., Zheng, X., Chen, S., Song, W., and Chen, D. (2014). An efficient and reliable approach for quality-of-service-aware service composition. Inform. Sci. 269, 238–254. doi: 10.1016/j.ins.2013.12.015

CrossRef Full Text | Google Scholar

Li, L., Gao, Z., Wang, Y. T., Zhang, M. W., Ni, J. C., Zheng, C. H., et al. (2021). SCMFMDA: Predicting microRNA-disease associations based on similarity constrained matrix factorization. PLoS Comput. Biol. 17:e1009165. doi: 10.1371/journal.pcbi.1009165

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, S., Chen, H., Wang, M., Heidari, A. A., and Mirjalili, S. (2020). Slime mould algorithm: A new method for stochastic optimization. Future Gener. Comput. Syst. 111, 300–323. doi: 10.1016/j.future.2020.03.055

CrossRef Full Text | Google Scholar

Li, W., Huang, Q., and Srivastava, G. (2020). Contour feature extraction of medical image based on multi-threshold optimization. Mobile Netw. Appl. 2020, 1–9. doi: 10.1007/s11036-020-01674-5

CrossRef Full Text | Google Scholar

Li, Y., Li, X. X., Hong, J. J., Wang, Y. X., Fu, J. B., Yang, H., et al. (2020). Clinical trials, progression-speed differentiating features and swiftness rule of the innovative targets of first-in-class drugs. Brief. Bioinform. 21, 649–662. doi: 10.1093/bib/bby130

PubMed Abstract | CrossRef Full Text | Google Scholar

Liang, G., On, B. W., Jeong, D., Heidari, A. A., Kim, H. C., Choi, G. S., et al. (2021). A text GAN framework for creative essay recommendation. Knowl. Based Syst. 232:107501. doi: 10.1016/j.knosys.2021.107501

CrossRef Full Text | Google Scholar

Liang, J. J., Qu, B. Y., and Suganthan, P. N. (2013). Problem definitions and evaluation criteria for the CEC 2014 special session and competition on single objective real-parameter numerical optimization. Technical Report 201311, Computational Intelligence Laboratory. Singapore: Zhengzhou University and Nanyang Technological University.

Google Scholar

ling Chen, H., Yang, B., Wang, S. J., Wang, G., Li, H. Z., and Liu, W. B. (2014). Towards an optimal support vector machine classifier using a parallel particle swarm optimization strategy. Appl. Math. Comput. 239, 180–197. doi: 10.1016/j.amc.2014.04.039

CrossRef Full Text | Google Scholar

Liu, Y., Heidari, A. A., Cai, Z., Liang, G., Chen, H., Pan, Z., et al. (2022). Simulated annealing-based dynamic step shuffled frog leaping algorithm: Optimal performance design and feature selection. Neurocomputing 503, 325–362. doi: 10.1016/j.neucom.2022.06.075

CrossRef Full Text | Google Scholar

Luo, J., Chen, H., Heidari, A. A., Xu, Y., Zhang, Q., and Li, C. (2019). Multi-strategy boosted mutative whale-inspired optimization approaches. Appl. Math. Model. 73, 109–123. doi: 10.1016/j.apm.2019.03.046

CrossRef Full Text | Google Scholar

Ma, A., Zhang, X., Zhang, C., and Zhang, B. (2019). An adaptive hybrid ant colony optimization algorithm for the classification problem. Inform. Technol. Control 48, 590–601. doi: 10.5755/j01.itc.48.4.22330

CrossRef Full Text | Google Scholar

Ma, X., Sun, P. G., and Gong, M. (2020). An integrative framework of heterogeneous genomic data for cancer dynamic modules based on matrix decomposition. IEEE ACM Trans. Comput. Biol. Bioinform. 19, 305–316. doi: 10.1109/TCBB.2020.3004808

PubMed Abstract | CrossRef Full Text | Google Scholar

Mirjalili, S. (2015). Moth-flame optimization algorithm: A novel nature-inspired heuristic paradigm. Knowl. Based Syst. 89, 228–249. doi: 10.1016/j.knosys.2015.07.006

CrossRef Full Text | Google Scholar

Mirjalili, S. (2016). SCA: A sine cosine algorithm for solving optimization problems. Knowl. Based Syst. 96, 120–133. doi: 10.1016/j.knosys.2015.12.022

CrossRef Full Text | Google Scholar

Mirjalili, S., and Lewis, A. (2016). The whale optimization algorithm. Adv. Eng. Softw. 95, 51–67. doi: 10.1016/j.advengsoft.2016.01.008

CrossRef Full Text | Google Scholar

Mirjalili, S., Mirjalili, S. M., and Lewis, A. (2014). Grey wolf optimizer. Adv. Eng. Softw. 69, 46–61. doi: 10.1016/j.advengsoft.2013.12.007

CrossRef Full Text | Google Scholar

Nenavath, H., and Jatoth, R. K. (2018). Hybridizing sine cosine algorithm with differential evolution for global optimization and object tracking. Appl. Soft Comput. 62, 1019–1043. doi: 10.1016/j.asoc.2017.09.039

CrossRef Full Text | Google Scholar

Niu, P., Niu, S., Liu, N., and Chang, L. (2019). The defect of the grey wolf optimization algorithm and its verification method. Knowl. Based Syst. 171, 37–43. doi: 10.1016/j.knosys.2019.01.018

CrossRef Full Text | Google Scholar

Omran, M. G. H., and Al-Sharhan, S. (2019). Improved continuous ant colony optimization algorithms for real-world engineering optimization problems. Eng. Appl. Artif. Intell. 85, 818–829. doi: 10.1016/j.engappai.2019.08.009

CrossRef Full Text | Google Scholar

Patra, D. K., Si, T., Mondal, S., and Mukherjee, P. (2021). Breast DCE-MRI segmentation for lesion detection by multi-level thresholding using student psychological based optimization. Biomed. Signal Process. Control 69:102925. doi: 10.1016/j.bspc.2021.102925

CrossRef Full Text | Google Scholar

Pennisi, A., Bloisi, D. D., Nardi, D., Giampetruzzi, A. R., Mondino, C., and Facchiano, A. (2016). Skin lesion image segmentation using delaunay triangulation for melanoma detection. Comput. Med. Imaging Graph. 52, 89–103. doi: 10.1016/j.compmedimag.2016.05.002

PubMed Abstract | CrossRef Full Text | Google Scholar

Piotrowski, A. P., Napiorkowski, J. J., and Rowinski, P. M. (2014). How novel is the “novel” black hole optimization approach? Inform. Sci. 267, 191–200. doi: 10.1016/j.ins.2014.01.026

CrossRef Full Text | Google Scholar

Qi, A., Zhao, D., Yu, F., Heidari, A. A., Wu, Z., Cai, Z., et al. (2022). Directional mutation and crossover boosted ant colony optimization with application to COVID-19 X-ray image segmentation. Comput. Biol. Med. 148:105810. doi: 10.1016/j.compbiomed.2022.105810

PubMed Abstract | CrossRef Full Text | Google Scholar

Qiu, S., Zhao, H., Jiang, N., Wang, Z., Liu, L., An, Y., et al. (2022). Multi-sensor information fusion based on machine learning for real applications in human activity recognition: State-of-the-art and research challenges. Inform. Fusion 80, 241–265. doi: 10.1016/j.inffus.2021.11.006

CrossRef Full Text | Google Scholar

Qu, C., Zeng, Z., Dai, J., Yi, Z., and He, W. (2018). A modified sine-cosine algorithm based on neighborhood search and greedy levy mutation. Comput. Intell. Neurosci. 2018, 1–19. doi: 10.1155/2018/4231647

PubMed Abstract | CrossRef Full Text | Google Scholar

Ren, L., Zhao, D., Zhao, X., Chen, W., Li, L., Wu, T., et al. (2022). Multi-level thresholding segmentation for pathological images: Optimal performance design of a new modified differential evolution. Comput. Biol. Med. 148:105910. doi: 10.1016/j.compbiomed.2022.105910

PubMed Abstract | CrossRef Full Text | Google Scholar

Renugambal, A., and Selva Bhuvaneswari, K. (2021). Kapur’s entropy based hybridised WCMFO algorithm for brain MR image segmentation. IETE J. Res. 1–20. doi: 10.1080/03772063.2021.1906765

CrossRef Full Text | Google Scholar

Salimi, H. (2015). Stochastic fractal search: A powerful metaheuristic algorithm. Knowl. Based Syst. 75, 1–18. doi: 10.1016/j.knosys.2014.07.025

CrossRef Full Text | Google Scholar

Siri, S. K., Kumar, S. P., and Latte, M. V. (2020). Threshold-based new segmentation model to separate the liver from CT scan images. IETE J. Res. 1–8. doi: 10.1080/03772063.2020.1795938

CrossRef Full Text | Google Scholar

Socha, K., and Dorigo, M. (2008). Ant colony optimization for continuous domains. Eur. J. Oper. Res. 185, 1155–1173. doi: 10.1016/j.ejor.2006.06.046

CrossRef Full Text | Google Scholar

Song, L., Lin, J., Wang, Z. J., and Wang, H. (2020). An end-to-end multi-task deep learning framework for skin lesion analysis. IEEE J. Biomed. Health Inform. 24, 2912–2921. doi: 10.1109/JBHI.2020.2973614

PubMed Abstract | CrossRef Full Text | Google Scholar

Song, Y., Cai, X., Zhou, X., Zhang, B., Chen, H., Li, Y., et al. (2023). Dynamic hybrid mechanism-based differential evolution algorithm and its application. Exp. Syst. Appl. 213:118834. doi: 10.1016/j.eswa.2022.118834

CrossRef Full Text | Google Scholar

Storn, R., and Price, K. (1997). Differential evolution-a simple and efficient heuristic for global optimization over continuous space. J. Glob. Optim. 11, 341–359. doi: 10.1023/A:1008202821328

CrossRef Full Text | Google Scholar

Su, H., Zhao, D., Elmannai, H., Heidari, A. A., Bourouis, S., Wu, Z., et al. (2022). Multilevel threshold image segmentation for COVID-19 chest radiography: A framework using horizontal and vertical multiverse optimization. Comput. Biol. Med. 146:105618. doi: 10.1016/j.compbiomed.2022.105618

PubMed Abstract | CrossRef Full Text | Google Scholar

Su, Y., Li, S., Zheng, C., and Zhang, X. (2019). A heuristic algorithm for identifying molecular signatures in cancer. IEEE Trans. Nanobioscience 19, 132–141. doi: 10.1109/TNB.2019.2930647

PubMed Abstract | CrossRef Full Text | Google Scholar

Tu, J., Chen, H., Wang, M., and Gandomi, A. H. (2021). The colony predation algorithm. J. Bionic Eng. 18, 674–710. doi: 10.1007/s42235-021-0050-y

CrossRef Full Text | Google Scholar

Wang, G.-G., Gao, D., and Pedrycz, W. (2022). Solving multi-objective fuzzy job-shop scheduling problem by a hybrid adaptive differential evolution algorithm. IEEE Trans. Industr. Inform. 18, 8519–8528. doi: 10.1109/TII.2022.3165636

CrossRef Full Text | Google Scholar

Wang, M. J., Chen, H. L., Yang, B., Zhao, X. H., Hu, L. F., Cai, Z. N., et al. (2017). Toward an optimal kernel extreme learning machine using a chaotic moth-flame optimization strategy with applications in medical diagnoses. Neurocomputing 267, 69–84. doi: 10.1016/j.neucom.2017.04.060

CrossRef Full Text | Google Scholar

Wang, S., Chen, Z., You, S., Wang, B., Shen, Y., and Lei, B. (2022). Brain stroke lesion segmentation using consistent perception generative adversarial network. Neural Comput. Appl. 34, 8657–8669. doi: 10.1007/s00521-021-06816-8

CrossRef Full Text | Google Scholar

Wang, Z., Bovik, A. C., Sheikh, H. R., and Simoncelli, E. P. (2014). Image quality assessment: From error visibility to structural similarity. IEEE Trans. Image Process. 13, 600–612. doi: 10.1109/TIP.2003.819861

PubMed Abstract | CrossRef Full Text | Google Scholar

Wu, Z., Li, G., Shen, S., Lian, X., Chen, E., and Xu, G. (2021a). Constructing dummy query sequences to protect location privacy and query privacy in location-based services. World Wide Web 24, 25–49. doi: 10.1007/s11280-020-00830-x

CrossRef Full Text | Google Scholar

Wu, Z., Li, R., Zhou, Z., Guo, J., Jiang, J., and Su, X. (2020a). A user sensitive subject protection approach for book search service. J. Assoc. Inf. Sci. Technol. 71, 183–195. doi: 10.1002/asi.24227

CrossRef Full Text | Google Scholar

Wu, Z., Shen, S., Zhou, H., Li, H., Lu, C., and Zou, D. (2021b). An effective approach for the protection of user commodity viewing privacy in e-commerce website. Knowl. Based Syst. 220:106952. doi: 10.1016/j.knosys.2021.106952

CrossRef Full Text | Google Scholar

Wu, Z., Wang, R., Li, Q., Lian, X., Xu, G., Chen, E., et al. (2020b). A location privacy-preserving system based on query range cover-up for location-based services. IEEE Trans. Veh. Technol. 69, 5244–5254. doi: 10.1109/TVT.2020.2981633

CrossRef Full Text | Google Scholar

Yang, X. (2010). Firefly algorithm stochastic test functions and design optimization. Int. J. Bio-Inspired Comput. 2, 78–84. doi: 10.1504/IJBIC.2010.032124

PubMed Abstract | CrossRef Full Text | Google Scholar

Yang, X. S., and Deb, S. (2010). “Cuckoo search via lévy flights,” in Proceedings of the 2009 world congress on nature & biologically inspired computing (Coimbatore: IEEE). doi: 10.1109/NABIC.2009.5393690

CrossRef Full Text | Google Scholar

Yang, Y., Chen, H., Heidari, A. A., and Gandomi, A. H. (2021). Hunger games search: Visions, conception, implementation, deep analysis, perspectives, and towards performance shifts. Exp. Syst. Appl. 177:114864. doi: 10.1016/j.eswa.2021.114864

CrossRef Full Text | Google Scholar

Ye, X., Liu, W., Li, H., Wang, M., Chi, C., Liang, G., et al. (2021). Modified whale optimization algorithm for solar cell and pv module parameter identification. Complexity 2021:8878686. doi: 10.1155/2021/8878686

CrossRef Full Text | Google Scholar

Yong, J., He, F., Li, H., and Weiqing, Z. (2018). “A novel bat algorithm based on collaborative and dynamic learning of opposite population,” in Proceedings of the 2018 IEEE 22nd international conference on computer supported cooperative work in design (CSCWD) (New York, NY: IEEE). doi: 10.1109/CSCWD.2018.8464759

CrossRef Full Text | Google Scholar

You, S., Lei, B., Wang, S., Chui, C. K., Cheung, A. C., Liu, Y., et al. (2022). Fine perceptive gans for brain mr image super-resolution in wavelet domain. IEEE Trans. Neural Netw. Learn. Syst. 1–13. doi: 10.1109/TNNLS.2022.3153088

PubMed Abstract | CrossRef Full Text | Google Scholar

Yu, H., Cheng, X., Chen, C., Heidari, A. A., Liu, J., Cai, Z., et al. (2022a). Apple leaf disease recognition method with improved residual network. Multimed. Tools Appl. 81, 7759–7782. doi: 10.1007/s11042-022-11915-2

CrossRef Full Text | Google Scholar

Yu, H., Song, J., Chen, C., Heidari, A. A., Liu, J., Chen, H., et al. (2022b). Image segmentation of leaf spot diseases on maize using multi-stage cauchy-enabled grey wolf algorithm. Eng. Appl. Artif. Intell. 109:104653. doi: 10.1016/j.engappai.2021.104653

CrossRef Full Text | Google Scholar

Yu, W., Lei, B., Ng, M. K., Cheung, A. C., Shen, Y., and Wang, S. (2021). Tensorizing GAN with high-order pooling for Alzheimer’s disease assessment. IEEE Trans. Neural Netw. Learn. Syst. 33, 4945–4959. doi: 10.1109/TNNLS.2021.3063516

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, B., Qi, H., Ren, Y. T., Sun, S. C., and Ruan, L. M. (2013). Application of homogenous continuous ant colony optimization algorithm to inverse problem of one-dimensional coupled radiation and conduction heat transfer. Int. J. Heat Mass Transf. 66, 507–516. doi: 10.1016/j.ijheatmasstransfer.2013.07.054

CrossRef Full Text | Google Scholar

Zhang, L., Zhang, L., Mou, X., and Zhang, D. (2011). FSIM: A feature similarity index for image quality assessment. IEEE Trans. Image Process. 20, 2378–2386. doi: 10.1109/TIP.2011.2109730

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, X., Zheng, J., Wang, D., and Zhao, L. (2020). Exemplar-based denoising: A Unified low-rank recovery framework. IEEE Trans. Circuits Syst. Video Technol. 30, 2538–2549. doi: 10.1109/TCSVT.2019.2927603

CrossRef Full Text | Google Scholar

Zhu, A., Xu, C., Li, Z., Wu, J., and Liu, Z. (2015). Hybridizing grey wolf optimization with differential evolution for global optimization and test scheduling for 3D stacked SoC. J. Syst. Eng. Electron. 26, 317–328. doi: 10.1109/JSEE.2015.00037

CrossRef Full Text | Google Scholar

Zhu, B., Ma, S., Xie, R., Chevallier, J., and Wei, Y. M. (2018). Hilbert Spectra and empirical mode decomposition: A multiscale event analysis method to detect the impact of economic crises on the european carbon market. Comput. Econ. 52, 105–121. doi: 10.1007/s10614-017-9664-x

CrossRef Full Text | Google Scholar

Zhu, F., Li, X. X., Yang, S. Y., and Chen, Y. Z. (2018). Clinical success of drug targets prospectively predicted by in silico study. Trends Pharmacol. Sci. 39, 229–231. doi: 10.1016/j.tips.2017.12.002

PubMed Abstract | CrossRef Full Text | Google Scholar

Keywords: melanoma, multi-threshold image segmentation, Kapur’s entropy, swarm intelligence, ant colony algorithm

Citation: Yang X, Ye X, Zhao D, Heidari AA, Xu Z, Chen H and Li Y (2022) Multi-threshold image segmentation for melanoma based on Kapur’s entropy using enhanced ant colony optimization. Front. Neuroinform. 16:1041799. doi: 10.3389/fninf.2022.1041799

Received: 11 September 2022; Accepted: 10 October 2022;
Published: 01 November 2022.

Edited by:

Antonio Fernández-Caballero, University of Castilla-La Mancha, Spain

Reviewed by:

Shuqiang Wang, Shenzhen Institutes of Advanced Technology, Chinese Academy of Sciences (CAS), China
Zhou Tao, North Minzu University, China

Copyright © 2022 Yang, Ye, Zhao, Heidari, Xu, Chen and Li. 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: Xiaojia Ye, yxj@lixin.edu.cn; Dong Zhao, zd-hy@163.com; Yangyang Li, yangyangli19860819@163.com

Download