Next Article in Journal
Fault Diagnosis Method for Pumped Storage Units Based on VMD-BILSTM
Previous Article in Journal
A Textual Semantic Analysis Framework Integrating Geographic Metaphors and GIS-Based Spatial Analysis Methods
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Improved Weighted Chimp Optimization Algorithm Based on Fitness–Distance Balance for Multilevel Thresholding Image Segmentation

by
Asuman Günay Yılmaz
1,* and
Samoua Alsamoua
2
1
Department of Artificial Intelligence and Data Engineering, Faculty of Engineering, Karadeniz Technical University, Trabzon 61080, Türkiye
2
Department of Software Engineering, Faculty of Technology, Karadeniz Technical University, Trabzon 61080, Türkiye
*
Author to whom correspondence should be addressed.
Symmetry 2025, 17(7), 1066; https://doi.org/10.3390/sym17071066
Submission received: 30 May 2025 / Revised: 27 June 2025 / Accepted: 3 July 2025 / Published: 4 July 2025
(This article belongs to the Section Mathematics)

Abstract

Multilevel thresholding image segmentation plays a crucial role in various image processing applications. However, achieving optimal segmentation results often poses challenges due to the intricate nature of images. In this study, a novel metaheuristic search algorithm named Weighted Chimp Optimization Algorithm with Fitness–Distance Balance (WChOA-FDB) is developed. The algorithm integrates the concept of Fitness–Distance Balance (FDB) to ensure balanced exploration and exploitation of the solution space, thus enhancing convergence speed and solution quality. Moreover, WChOA-FDB incorporates weighted Chimp Optimization Algorithm techniques to further improve its performance in handling multilevel thresholding challenges. Experimental studies were conducted to test and verify the developed method. The algorithm’s performance was evaluated using 10 benchmark functions (IEEE_CEC_2020) of different types and complexity levels. The search performance of the algorithm was analyzed using the Friedman and Wilcoxon statistical test methods. According to the analysis results, the WChOA-FDB variants consistently outperform the base algorithm across all tested dimensions, with Friedman score improvements ranging from 17.3% (Case-6) to 25.2% (Case-4), indicating that the FDB methodology provides significant optimization enhancement regardless of problem complexity. Additionally, experimental evaluations conducted on color image segmentation tasks demonstrate the effectiveness of the proposed algorithm in achieving accurate and efficient segmentation results. The WChOA-FDB method demonstrates significant improvements in Peak Signal-to-Noise Ratio (PSNR), Structural Similarity Index (SSIM), and Feature Similarity Index (FSIM) metrics with average enhancements of 0.121348 dB, 0.012688, and 0.003676, respectively, across different threshold levels (m = 2 to 12), objective functions, and termination criteria.

1. Introduction

Image segmentation is a fundamental process in computer vision and image processing that aims to partition an image into distinct and meaningful regions or objects. This division enables a computer to understand and analyze the visual content within an image by identifying and categorizing different entities. Essentially, image segmentation breaks down an image into its constituent parts, allowing for more detailed analysis and interpretation. The significance of image segmentation lies in its ability to provide a more detailed understanding of visual data. By identifying individual objects or regions within an image, segmentation facilitates various applications, including object recognition, scene understanding, and image editing. In an image recognition system, segmentation is an important stage that helps to extract the object of interest from an image. In this context, segmentation is extensively used in medical imaging. For example, in tumor/lesion detection, segmentation helps to isolate tumors/lesions from surrounding healthy tissue, facilitating accurate diagnosis and tailored treatment planning [1,2]. In autonomous driving, image segmentation is critical for scene understanding and safe navigation [3]. Also, segmentation is essential for monitoring crop health in agriculture and managing resources more effectively [4]. By segmenting fields into different categories based on vegetation index or soil moisture levels, farmers can optimize irrigation, fertilization, and harvesting strategies.
Despite its importance, image segmentation poses several challenges. Variability in illumination, complex object boundaries, and the presence of noise make the segmentation process more complex. Additionally, scalability to handle diverse types of images and adaptability to different contexts are ongoing challenges in the field. Researchers are exploring innovative approaches and algorithms to address these issues and enhance the precision and efficiency of image segmentation. For example, symmetry is an important cue for machine perception that involves high-level knowledge of image components, so it was used to improve region-based image segmentation performance [5]. For clustering-based image segmentation, the membership values of points to different clusters were computed based on point symmetry-based distance [6]. By adding symmetric masks in several layers, deep convolutional symmetric neural networks were designed for image segmentation [7].
In the context of multilevel image analysis, segmentation becomes even more critical. Multilevel segmentation involves the identification and categorization of objects at multiple levels of granularity within an image. This is essential for applications such as medical image analysis, satellite imagery interpretation, and industrial inspection. Achieving accurate multilevel segmentation often requires sophisticated algorithms that can handle the complexities associated with diverse image datasets. Accurate image segmentation plays a pivotal role in various domains, contributing significantly to the advancement of computer vision and image processing. The precision and reliability of segmentation techniques have far-reaching implications across different applications.
Image thresholding techniques are widely used in image segmentation due to their simplicity and effectiveness. These methods utilize predefined threshold values to segment specific objects, features, or information within an image. There are two methods for thresholding-based image segmentation [8]. Bilevel thresholding is the process of partitioning an image into two classes using a predetermined threshold value: the gray levels below the threshold value are categorized into one class, while the gray levels greater than the threshold value are categorized into another class. In multilevel thresholding, the image is subdivided into multiple classes using a set of predefined threshold values. That is, these thresholds are used to identify discrete clusters within the image. For color images, segmentation could be achieved via the utilization of a separate threshold value for each color channel (red, green, and blue). The employment of multilevel thresholding for each channel tends to yield improved outcomes in terms of image segmentation accuracy. However, this approach significantly increases computational complexity. Due to this computational complexity, metaheuristic optimization algorithms are used to solve the multilevel thresholding image segmentation problem.
Several approaches have been proposed to determine the optimum threshold values from image histograms. The most frequently used methods are Kapur’s entropy [9] and Otsu’s criterion (between class variance) [10]. Among the thresholding algorithms, Kapur’s entropy outperforms other functions [11]. Kapur’s entropy determines the threshold values that maximize the histogram entropies of segmented classes using the probability distribution of gray levels. Otsu’s method; on the other hand, selects the threshold values that maximize the variance among the gray-level classes. In color image segmentation, threshold values must be determined for all color channels (red, green, and blue) separately.
Thresholding approaches successfully and effectively solve bilevel segmentation problems, but the calculation complexity and computational cost increase exponentially for multilevel segmentation problems. Therefore, in recent years, researchers have proposed the use of metaheuristic search (MHS) algorithms to reduce computational complexity and increase segmentation performance [12,13,14]. Metaheuristic optimization algorithms can perform efficient search in a solution space without having difficulty with local optimums. However, multilevel thresholding image segmentation becomes a complex operation due to the multimodality of the histogram. Additionally, each image histogram and the number of threshold levels are considered as separate problems. Because it is difficult to find an algorithm suitable for many optimization problems, several metaheuristic algorithms have been developed in the literature.
This study introduces a novel approach to multilevel thresholding image segmentation: Weighted Chimp Optimization Algorithm based on Fitness–Distance Balance (WChOA-FDB). Drawing inspiration from the intelligent group hunting behavior of chimps, this metaheuristic optimization algorithm directly overcomes the challenges. WChOA-FDB operates by delicately balancing fitness and distance within the search space, enabling it to navigate effectively and avoid traps of local optima. Furthermore, through the incorporation of a novel weighting scheme, WChOA-FDB further enhances its ability to find optimal solutions. The performance of the proposed algorithm was evaluated using 10 benchmark functions (IEEE CEC 2020) of different types and complexity levels. The search performance of the algorithm was analyzed using the Friedman and Wilcoxon statistical test methods.
This research also investigates the complexities of multilevel segmentation and meticulously details the theoretical foundations, implementation specifics, and evaluation of WChOA-FDB on benchmark datasets. In this paper, we applied WChOA-FDB to perform Multilevel Thresholding Image Segmentation. To evaluate WChOA-FDB’s performance, we employed Kapur’s entropy and Otsu’s between-class variance methods. The performance of WChOA-FDB has been compared with other well-known metaheuristic algorithms, namely Artificial Bee Colony (ABC) [15], Cuckoo Search (CS) [16], Grey Wolf Optimizer (GWO) [17], Harris Hawks Optimization (HHO) [18], Moth Flame Optimization (MFO) [19], Sine Cosine Algorithm (SCA) [20] and Salp Swarm Algorithm (SSA) [21].
Various problems are encountered when studies in the field of multilevel thresholding image segmentation with MHS algorithms are examined. In multilevel image segmentation studies, the number of iterations is generally used as the termination criterion, and these iteration numbers vary. For example, one study can use 100 iterations while the other 300 iterations as termination criteria. So, it is unknown whether the method is still successful for more iterations. In summary, the termination criterion has a significant effect on the results of the optimization process. The value of this parameter can change the quality of the solutions and the algorithms that find the best solutions. Therefore, in this study, the performance of the proposed algorithm was evaluated for two different termination criteria. To compare the algorithms fairly, the maximum number of objective function evaluations, maxFEs = 500 × m (m: number of threshold levels), and maxFEs = 1000 × m were used as termination criteria. Another problem in multilevel thresholding image segmentation literature is the number of threshold levels used in the segmentation of images. In most of the studies, a low number of threshold levels (2, 3, 4, 5) were used. Therefore, it is not known how the algorithm will perform when a medium or high number of threshold levels is used. In this study, segmentation of 10 images with m = 2, 4, 6, 8, 10, 12 levels were performed with the proposed and competitor algorithms.
The results showcase the algorithm’s higher performance compared to existing methods, demonstrating its potential in multilevel image segmentation across a wide range of applications. By harnessing the power of WChOA-FDB, we pave the way for a future where machines can extract deeper insights and unlock greater understanding from the vast realm of visual information. The main contributions of this study are given below.
  • Methodological Innovation: This research presents the first application of the Weighted Chimp Optimization Algorithm (WChOA) to multilevel image segmentation, enhanced through integration with the Fitness–Distance Balance (FDB) method to develop WChOA-FDB, a novel hybrid metaheuristic optimization approach.
  • Comprehensive Experimental Framework: The proposed WChOA-FDB algorithm was systematically evaluated through rigorous experimentation encompassing ten IEEE CEC 2020 benchmark functions of varying complexity, multilevel segmentation scenarios ranging from low to high threshold levels (m = 2, 4, 6, 8, 10, 12), comparative analysis against seven established metaheuristic algorithms, and assessment under different computational constraints (500 × m and 1000 × m maximum function evaluations).
  • Empirical Validation and Performance Assessment: The efficacy of the proposed approach was thoroughly validated through multi-dimensional evaluation criteria, incorporating both optimization performance metrics (fitness function values) and established image quality assessment measures (Peak Signal-to-Noise Ratio (PSNR), Structural Similarity Index (SSIM), and Feature Similarity Index (FSIM)), demonstrating superior performance across diverse segmentation complexity levels.
The rest of the paper is organized as follows. In Section 2, a comprehensive literature review on metaheuristic-based multilevel thresholding image segmentation is presented. The multilevel thresholding problem is clarified, and the proposed method is explained in Section 3. The experimental studies and findings are given in Section 4, and the results are discussed in Section 5.

2. Related Work

Image segmentation, particularly multilevel thresholding, has attracted significant attention in recent years due to its wide range of applications in various fields such as medical imaging, remote sensing, and object recognition. Numerous metaheuristic algorithms have been employed to address the challenges associated with multilevel thresholding, aiming to improve segmentation accuracy and computational efficiency. In this section, we review some of the prominent works in the literature that have explored the application of metaheuristic algorithms in multilevel thresholding image segmentation.
Multilevel image thresholding studies based on meta-heuristic optimization can be divided into two groups. The studies in the first group include the application of an existing MSA to the solution of the problem and its comparison with the competing algorithms. The studies in the second group aim to develop a new algorithm by modifying an existing MSA or hybrid MSA and thus increase the image segmentation performance. However, each algorithm has its limitations. Therefore, researchers try to increase the performance and reduce the complexity by modifying the method by changing the search process strategy in the algorithm or by developing hybrid methods by using the algorithms together.
Su et al. [22] conducted a study on the application of the Artificial Bee Colony algorithm (ABC) and its improved version (CCABC) for the segmentation of COVID-19 X-ray images. They introduced an enhanced ABC algorithm, CCABC, which incorporates horizontal and vertical search mechanisms to improve the optimization performance. Additionally, they proposed a multilevel thresholding image segmentation method based on CCABC to enhance the effectiveness of the segmentation process. The study compared CCABC with 15 algorithms using 30 benchmark functions to demonstrate its performance, showing that CCABC outperforms ABC and other similar algorithms, indicating its ability to find optimal solutions and improve image segmentation accuracy. Liu et al. [23] employed a chimp-inspired remora optimization algorithm to determine optimal threshold values, thereby reducing computational costs and enhancing segmentation accuracy. They used the cross-entropy method for image segmentation. Sharma et al. [24] introduced a modified firefly algorithm with Kapur’s, Tsalli’s, and Fuzzy entropy methods and between-class variance for optimal thresholding. The authors also employed an opposition-based learning method for initializing the candidate solution population and incorporated Levy flight and local search techniques to determine optimal threshold values for multilevel image segmentation. H. Houssein et al. [25] introduced a new optimization algorithm called Improved Gray Wolf Optimization (IGJO) for tumor identification in medical images. The robustness and accuracy of IGJO were tested on different engineering and real-world problems with unknown search spaces. Gharehchopogh et al. [26] introduced an improved African Vultures Optimization Algorithm (AVOA) for multilevel thresholding image segmentation. They utilized Quantum Rotation Gate (QRG) and Association Strategy (AS) mechanisms to enhance the performance of AVOA by increasing diversity and optimizing local trap escapes. Kumar et al. [27] combined the Cuckoo Search Algorithm (CSA) with Recursive Minimum Cross Entropy (R-MCE) to obtain the best threshold values for crop image segmentation. The proposed technique was tested on 20 crop images and demonstrated improved accuracy and segmented image quality compared to other algorithms. Agrawal et al. [28] proposed a Dominant Color Component and Adaptive Whale Optimization Algorithm (DCC-AWOA) method for multilevel thresholding color image segmentation. They compared their proposed technique with existing approaches. They utilized entropic and non-entropic objective functions, such as Kapur’s entropy and edge magnitude-based thresholding. Tan et al. [29] proposed an Improved Cuckoo Search algorithm (ICS) for multilevel color image thresholding based on modified fuzzy entropy. They addressed the time-consuming nature of traditional exhaustive search methods for optimal multilevel thresholds in color images. The ICS incorporates two modifications to enhance the performance of the standard Cuckoo Search Algorithm: an adaptive control parameter mechanism and a hybrid search strategy. The study compared the ICS with six other optimization algorithms and demonstrated its high performance in terms of objective function value, convergence speed, and parametric statistical tests.
Houssein et al. [30] integrated the Improved Heap-Based Optimizer (IHBO) with opposition-based learning to improve the convergence rate and local search efficiency for multilevel thresholding image segmentation. The study evaluates the IHBO-based method on the CEC’2020 test suite and compares it against seven well-known metaheuristic algorithms, demonstrating its effectiveness in solving complex multilevel thresholding problems. The authors provide a comprehensive analysis of the IHBO algorithm’s performance using the Otsu method as the objective function, presenting graphical and statistical results for benchmark images. Wang et al. [31] proposed an improved Golden Jackal Optimization (HGJO) for multilevel thresholding image segmentation. They conducted experiments using the CEC2022 test suite to measure the performance of their algorithm, comparing it with other existing algorithms. The results showed that the proposed HGJO algorithm outperformed the other algorithms in terms of overall performance, demonstrating its effectiveness in reducing image complexity while preserving original features. Abualigah et al. [32] proposed a hybrid Marine Predators Algorithm (MPA) with the Salp Swarm Algorithm (SSA) (MPASSA) to determine the optimal multilevel threshold image segmentation. They employed various benchmark images to validate the proposed algorithm’s performance. The results showed that the proposed MPASSA outperformed other well-known optimization algorithms published in the literature. Eisham et al. [8] proposed a hybrid algorithm named the Spotted Hyena-based Chimp Optimization Algorithm (SSC), which combines the sine-cosine function and the attacking strategy of Spotted Hyena Optimizer (SHO) for solving engineering problems. This algorithm was designed to address the challenges of sluggish convergence speed and entrapment in local optima in high-dimensional problem-solving. Swain et al. [33] introduced a novel objective function named Differential Exponential Entropy (DEE) and a new method called the Equilibrium-Cuckoo Search Optimizer (ECSO) for multilevel threshold selection in color satellite images. They compared the performance of their proposed technique with traditional methods such as Otsu’s between-class variance and Kapur’s entropy. The results showed that the proposed technique outperformed the traditional methods in terms of image segmentation quality. Thomas et al. [34] proposed a novel segmentation model, Harris Hawks Optimizer (HHO) for MR brain images, particularly for Alzheimer’s disease. The model integrates multilevel thresholding with an optimization algorithm to select optimal threshold values for segmentation. They tested the model on MR brain images of patients with Alzheimer’s disease and found that they achieved satisfactory results in terms of performance metrics. Additionally, they discussed various segmentation approaches and machine learning models for Alzheimer’s disease detection, emphasizing the significance of accurate segmentation in healthcare applications.
Renugambal et al. [35] proposed a hybrid Sine-Cosine Crow Search Algorithm (SCCSA) to improve multilevel image segmentation efficiency. They evaluated the hybrid algorithm on 12 standard image sets and compared its performance with other state-of-the-art algorithms such as SCA, CSA, and ABC. The experimental results showed that the proposed SCCSA consistently outperformed the other algorithms in terms of various metrics. Additionally, they conducted a Wilcoxon test to detect significant differences between the proposed algorithm and the other algorithms, and the findings indicated that the SCCSA succeeded in outperforming the other well-known algorithms. Akay et al. [36] conducted a study on nature-inspired optimization algorithms for multilevel thresholding image segmentation. They introduced modifications to the Teaching–Learning-Based Optimization Algorithm (TLBO) to improve its performance, including the use of Levy flight equations and adding an indicator of the fertile area to the framework strategy. A modified version of the Teaching–Learning-Based Artificial Bee Colony (MTLABC) was proposed in this work. The Friedman test and the Wilcoxon signed-rank test were used to determine whether there was a significant difference between the proposed algorithm and other optimization algorithms. Akan et al. [37] proposed a multilevel image thresholding approach using the Battle Royal Optimization (BRO) algorithm. The authors compare the performance of the BRO algorithm with four other optimization algorithms (AMO, PSO, BFO, and GA) on ten benchmark images. The results show that the BRO algorithm is stable and provides satisfactory results, ranking first in terms of the standard deviation (SD) metric. Zhang et al. [38] proposed a hybrid Golden Jackal Optimization with a Sine Cosine Algorithm (SCGJO) for tackling multilevel thresholding image segmentation problems. They compared the SCGJO with other evolutionary algorithms and demonstrated its high segmentation quality and overall optimal value. Additionally, they conducted Wilcoxon’s rank-sum test to confirm the effectiveness and disparity between SCGJO and other algorithms. Kang et al. [39] proposed a multilevel thresholding image segmentation algorithm based on the Mumford–Shah (MSh) model. They used the segmentation method to solve the multitarget segmentation problem and improve the processing accuracy of the algorithm. The algorithm utilizes the MSh model to determine the optimum thresholds and convert the problem into a multi-objective function optimization problem. The results showed that the proposed algorithm had the best objective function value and performed well in terms of segmentation quality and convergence time. Wang et al. [40] introduced the Mixed-Strategy-Based Improved Whale Optimization Algorithm (MSWOA) for multilevel thresholding image segmentation. This innovative algorithm combines the principles of the Whale Optimization Algorithm (WOA) with mixed strategies to enhance the quality and efficiency of image segmentation, with a specific focus on color image segmentation applications. The MSWOA method incorporates several key features to optimize the segmentation process, including k-point initialization, a non-linear convergence factor, and an adaptive weight coefficient.

3. Materials and Methods

3.1. Multilevel Thresholding Problem

Image thresholding problem involves determining the optimal threshold values to effectively segment the image into distinct classes. In other words, the goal is to find a set of thresholds that divides the image into regions, each representing a distinct intensity level or class. If m threshold values are used in the segmentation process, the image will be divided into m + 1 regions. When m equals 1, the thresholding problem is referred to as bilevel thresholding. In bilevel thresholding, the image is partitioned into two regions: foreground and background, based on a single threshold value. Conversely, when m is greater than one, the problem transforms into multilevel thresholding. Multilevel thresholding extends the concept by segmenting the image into multiple intensity levels or classes using multiple threshold values. This enables a finer segmentation of images with complex intensity distributions or multiple regions of interest. Multilevel thresholding is an optimization problem trying to find the best set of threshold values, represented as [ t 1 , t 2 , , t m ] , to split an image into m + 1 regions. Each region corresponds to a specific range of pixel intensities. The intensity f ( x , y ) at the location ( x , y ) in image I is segmented into m + 1 sub-images as follows:
  I 0 = f x , y I 0 f x , y t 1 1   I 1 = f x , y I t 1 f x , y t 2 1 I i = f x , y I t i f x , y t i + 1 1 I m = { f x , y I | t m f x , y 255 } ,
Equation (1), which is typically used for gray-level images, can also be extended to apply to the red, green, and blue channels of RGB color images. In this case, each channel of the RGB image is considered as a separate individual image.
Various methods have been proposed to determine the threshold values that will make a good distinction between the objects and the background in the image. Kapur’s entropy [9] and Otsu’s method [10] are the most frequently used non-parametric thresholding functions. These methods are briefly described in the next sub-sections.

3.1.1. Kapur’s Entropy-Based Thresholding

The Kapur function [9], also known as the Maximum Entropy Thresholding, aims to find the threshold that maximizes the entropy or uncertainty between the foreground and background regions. By maximizing entropy, the Kapur function effectively captures the overall information content in the image and selects the threshold that maximizes the discriminative power between classes. Kapur’s entropy is calculated based on the probability distributions of the gray levels in the image histogram. Assuming t h 1 , t h 2 , . t h n are the threshold values to be used to classify the image, the objective function is defined as,
H t h 1 , t h 2 , . t h n = H 1 + H 2 + + H n
where
H 1 = j = 0 t h 1 1 p j ω 0 l n p j ω 0 , ω 0 = j = 0 t h 1 1 p j H 2 = j = t h 1 t h 2 1 p j ω 1 l n p j ω 1 , ω 1 = j = t h 1 t h 2 1 p j H n = j = t h n L 1 p j ω n l n   p j ω n   ,   ω n = j = t h n L 1 p j
In Equations (3) and (4), H 1 , H 2 H n are the class entropies and, ω 1 , ω 2 ω n are the class probabilities. The optimal threshold values are obtained by maximizing the objective function in Equation (3). The complexity of solving this problem increases exponentially depending on the number of thresholds. For this reason, determining the threshold values that will maximize the objective function given in Equation (4) can be considered as an n-dimensional optimization problem and expressed as follows:
t = argmax i = 1 n H i  

3.1.2. Between-Class Variance-Based Thresholding (Otsu’s Method)

Otsu’s method [10] is a non-parametric segmentation method based on minimizing the intra-class variance while maximizing the between-class variance. It calculates the optimal threshold by maximizing the ratio of between-class variance to within-class variance. The method defines the between-class variance as the sum of sigma functions calculated as:
f t = σ 0 + σ 1 + + σ n
where
σ 0 = ω 0 ( μ 0 μ T ) 2 ,   σ 1 = ω 1 ( μ 1 μ T ) 2 , . ,   σ n = ω n ( μ n μ T ) 2
In Equation (6), μ T is the average brightness value of the input image, μ i is the average of the i-th class and is calculated using Equation (8).
μ 0 = j = 0 t h 1 1 i p i ω 0 , μ 1 = j = t h 1 t h 2 1 i p i ω 0 , , μ n = j = t h n L 1 i p i ω 0
Here, t h 1 , t h 2 , . t h n are the threshold values. The optimal threshold values are obtained by maximizing the objective function in Equation (8) given below:
t = argmax i = 1 n σ i  

3.2. Proposed Method

Thresholding image segmentation is a fundamental technique used in image processing to partition an image into foreground and background regions based on intensity levels. The principle behind thresholding is straightforward and is defined as follows: pixels with intensities above a certain threshold value are assigned to one class (often considered as foreground), while pixels with intensities below the threshold belong to the other class (typically background). However, traditional thresholding methods face challenges when dealing with images affected by varying illumination conditions, noise, or complex background structures. In such cases, simple thresholding techniques may lead to sub-optimal segmentation results, with regions of interest being incorrectly classified or merged with background noise. Also, the computational cost of traditional thresholding methods significantly increases for multilevel thresholding problems. Metaheuristic algorithms offer a promising approach to address the limitations of traditional thresholding methods. These algorithms are heuristic search techniques inspired by natural phenomena or social behavior. Unlike exact optimization methods, metaheuristic algorithms do not guarantee finding the global optimum but are capable of efficiently exploring large solution spaces and finding near-optimal solutions. Each type of metaheuristic algorithm has its own set of rules for generating new solutions and deciding which solutions to use [33]. For example, in a genetic algorithm, new solutions are created by combining parts of existing solutions, mimicking the process of natural selection and evolution. Because of these differences in how solutions are generated and updated, each metaheuristic algorithm may produce different results when applied to the same problem. This diversity can be beneficial because it allows researchers and practitioners to explore various approaches and find the most suitable one for their specific problem. In this section, we will present a thorough introduction to a novel metaheuristic algorithm called the WChOA-FDB. We will explore its principles, mechanisms, and characteristics, providing a comprehensive understanding of how it operates and its applications in optimization tasks. This section first introduces the ChOA and WChOA algorithms. Then, the proposed algorithm, a mixed-strategy-based Fitness–Distance Balance and WChOA optimization algorithm (WChOA-FDB) is explained in detail.

3.2.1. WChOA Algorithm

Khishe et al. [41] proposed the Weighted Chimp Optimization Algorithm (WChOA), which is a modified version of ChOA [42], developed in 2021. ChOA is a standard algorithm inspired by the hunting mechanism of chimps in nature. Compared with other nature-inspired methods, ChOA requires the adjustment of only a few operators and can be easily implemented. There are four kinds of chimps—driver, barrier, chaser, and attacker—in a chimp colony. Each role is assigned the responsibility of guiding and coordinating the other chimpanzees toward the prey, aiming for an optimal solution. Achieving the best solution to the optimization problem requires maintaining a balanced equilibrium between exploring and exploiting the search space.
In conventional ChOA, only the initial four solutions—driver, chaser, attacker, and barrier—are employed to update the positions of the remaining chimps. In essence, the remaining chimps are drawn toward these four best solutions. Despite the inherent ability of attackers to forecast prey movement, it is not guaranteed that the solution provided by attackers is always the best. This uncertainty arises because chimps may deviate from their assigned tasks during the hunting process or persist with the same duties throughout. Consequently, updating the positions of other chimps based solely on attackers may lead them into local optima, hindering the exploration of new areas within the search space, given the significant concentration of their solution space around attacker-derived solutions. Similar concerns apply to the other primary solutions (driver, chaser, and barrier).
To address this challenge, the WChOA method was developed. WChOA addresses the limitations of the ChOA by introducing a position-weighted equation based on weights to improve exploration and exploitation. Equations (9)–(11) are employed to update the positions of the remaining chimps. Essentially, this forces the other chimps to adjust their positions based on those of the driver, chaser, attacker, and barrier. Recognizing the limitations mentioned previously opens avenues for novel approaches to update the positions of other chimps. The proposed solution involves a corresponding weighting method based on the Euclidean distance of the step size, as follows:
D A t t a c k e r = C 1 X A t t a c k e r M 1 X   D B a r r i e r = C 2 X B a r r i e r M 2 X
D C h a s e r = C 3 X C h a s e r M 3 X   D D r i v e r = C 4 X D r i v e r M 4 X X 1 = X A t t a c k e r A 1 ( D A ) ,   X 2 = X B a r r i e r A 2 ( D B ) X 3 = X C h a s e r A 3 ( D C ) ,   X 4 = X D r i v e r A 4 ( D D )
X A t t a c k e r , X B a r r i e r , X C h a s e r   and X D r i v e r   vectors indicate the current positions of the attacker, barrier, chaser, and driver, respectively. X   vector is the current position of other chimps. Also, C   , M , and A vectors contribute greatly to ChOA. These vectors are calculated by Equations (11)–(13):
A = 2 .   f . r 1 f
C = 2 . r 2
M = Chaotic _ value
where r 1 and r 2 are random vectors that can vary in the range [0, 1], and f represents a control value that decreases non-linearly from 2.5 to 0. The chaotic vector M is used to model the sexual motivation in ChOA and is calculated based on a chaotic map [42]. This chaotic behavior helps chimps alleviate the problems of entrapment in local optima and slow convergence rate in solving high-dimensional problems. Six chaotic maps (Chebyshev map, Circle map, Gauss/mouse map, Iterative map, Logistic map, and Piecewise map) have been used in the study. These chaotic maps are deterministic processes that also have random behavior.
w 1 = X 1 X 1 + X 2 + X 3 + X 4
w 2 = X 2 X 1 + X 2 + X 3 + X 4
w 3 = X 3 X 1 + X 2 + X 3 + X 4
w 4 = X 4 X 1 + X 2 + X 3 + X 4
where w 1 , w 2 , w 3 , and w 4 are the learning rates of other chimps from the attacker, barrier, chaser, and driver, respectively. Also, |.| indicates the Euclidean distance. In ChOA the relationship between positions was calculated as follows:
X t + 1 = X 1 + X 2 + X 3 + X 4 4
However, in WChOA the position-weighted relationship is calculated using Equation (19):
X t + 1 = 1 w 1 + w 2 + w 3 + w 4 × w 1 X 1 + w 2 X 2 + w 3 X 3 + w 4 X 4 4
In WChOA, the position-weighted relationship Equation (19) can be utilized instead of Equation (18) in the standard ChOA. The main difference between Equation (19) and the traditional position-weighted relationship Equation (18) is the application of the corresponding learning rate. As mentioned previously, since there is a possibility that some chimps do not have any sexual motivation in the process of hunting, a probability of 50% can be considered to indicate whether the position-weighted strategy of chimps will be normal (Equation (19)) or not (chaotic model). Thus, the following relationship is applied:
X C h i m p t + 1 = Equation   19   i f   μ < 0.5 Chaotic Value   i f   μ     0.5
where t denotes the current iteration and μ denotes the probability value in range [0,1] which indicates the position-weighted strategy of chimps.
It is noteworthy that the learning rates in the position-weighted relationship change dynamically. This means that these parameters are not constant during every iteration of WChOA. It enhances the convergence speed and avoidance of local optima where attackers, barriers, chasers, and drivers are less likely to be knowledgeable about the position of the prey.

3.2.2. Fitness–Distance Balance Selection

The Fitness–Distance Balance (FDB) selection method [43] is a fundamental approach employed in population-based and evolutionary-based MHS algorithms. It serves as a mechanism to guide the selection process by evaluating solution candidates based on both their fitness values and distances from the optimal solution. By calculating FDB scores for each candidate using normalized fitness and distance values, the method effectively strikes a balance between selecting high-quality solutions and maintaining diversity within the population. This balance ensures that the algorithm explores various regions of the solution space, thereby enhancing its ability to locate multiple optima. Ultimately, the FDB selection method contributes to the efficiency and effectiveness of MHS algorithms by enabling them to efficiently navigate complex search landscapes. This selection method achieves a balance between fitness and distance by considering candidates with high scores as suitable alternatives for the population to converge towards [44]. In the initial stage of FDB, the distance of the population from the best individual is calculated following Equation (21).
i = 1 n P i P b e s t , D i = j = 1 d ( x j b e s t x j i ) 2
In Equation (21), P is the set of solutions, n is the number of vectors in P , and D represents the distance vector, with x b e s t and x i denoting the solution vectors of the best and i t h solutions, respectively. d represents the problem dimension (number of variables). To evaluate the scores of solution candidates, the normalized fitness values ( n o r m F ) and the normalized distance values ( n o r m D ) of these candidates were utilized. To avoid dominance between two parameters, their normalized values are used. Finally, fitness values and distance values vectors were used to calculate the FDB score using Equation (22) [43].
i = 1 n P i , F D B _ S c o r e P i = w × n o r m F i + 1 w × n o r m D P b e s t i
The vector n o r m D P b e s t i is the normalized value of the distance of the i t h solution candidate in P to P b e s t , which has the best fitness value in P . When computing the scores of the vectors, a weight coefficient (w) is employed, which determines the impact of fitness and distance values. Based on these descriptions and the explanations 0 < w < 1, the score of each candidate in the P-population is determined. For more information on the FDB method, please review the study referenced in [43].

3.2.3. Proposed WChOA-FDB Scheme

The search capabilities of metaheuristic search algorithms mainly depend on the design of convergence equations. Convergence equations are used to determine the positions of solution candidates in the search space. The positions of solution candidates change depending on the guides used in the convergence equations. Guides determine the direction and behavior of the population in the search space. The guides selected randomly from the population create a diversity effect, while guides selected using the greedy method create an exploitation effect. The FDB selection method considers the fitness values of the solution candidates and their distance values to the best individual in the population. Of these two values, the fitness value reflects the exploitation effect, while the distance value reflects the diversity effect. In this way, the FDB selection method is quite effective in determining the guides that provide the exploitation–exploration balance. According to the studies in the literature, significant improvements have been achieved in the search capabilities of many MHS algorithms whose guidance mechanisms are designed using the FDB selection method [44,45,46,47]. So, in this study, we applied the FDB selection method to improve the design of the guidance mechanism of the WChOA algorithm. Thus, we ensured that the solution candidates that provide the exploitation–exploration balance in the search process are used as guides in the convergence equations of WChOA.
WChOA-FDB represents an evolution of WChOA. While WChOA demonstrated effectiveness in optimization tasks, the integration of Fitness–Distance Balance (FDB) introduces a novel dimension to further enhance its capabilities. The novel aspect of WChOA-FDB lies in the incorporation of FDB principles. FDB is a mechanism designed to balance exploration and exploitation dynamically, ensuring that the algorithm maintains diversity in the solution space while converging toward optimal solutions.
FDB is seamlessly integrated into WChOA to address the subtle challenges of balancing exploration and exploitation. This integration ensures that the algorithm adapts its strategies to explore diverse regions of the solution space while exploiting promising solutions for optimization. FDB introduces a mechanism to measure the fitness of solutions in relation to their distances within the solution space. This measurement guides the algorithm in prioritizing solutions that contribute to both exploration and exploitation goals. The integration of FDB with WChOA adds a layer of dynamic adaptation. As the algorithm progresses, FDB influences the exploration–exploitation trade-off, allowing WChOA-FDB to respond effectively to changes in the optimization landscape.
The WChOA-FDB algorithm works in three main stages: Select, Search, and Update. In the Select phase, the entire search space is explored to find a potential solution. The Search phase focuses on exploiting the selected area, while the Update phase focuses on targeting the best solution. The formulation of the three phases is given in Equations (9)–(19). All these steps together provide the WChOA-FDB. The algorithmic steps and processes of the proposed algorithm are given below:
  • Initialization with FDB Parameters: WChOA-FDB begins by initializing a population of potential solutions, incorporating parameters specific to FDB.
  • Evaluation and Fitness Assignment: Each solution is evaluated based on the objective function, and the fitness is assigned. FDB principles contribute to fitness assessment by considering the distances between solutions.
  • Weighted Solution Evaluation with FDB: The weighted evaluation mechanism, enriched by FDB, assigns weights to solutions based on both their fitness and distances. This weighted approach guides subsequent decision-making processes.
  • Collaborative Decision-Making Enhanced by FDB: Solutions engage in collaborative decision-making, now with added guidance from FDB. The algorithm prioritizes solutions not only based on their fitness but also considering their contribution to maintaining diversity within the population.
  • Dynamic Adaptation with FDB: WChOA-FDB dynamically adapts its parameters throughout the optimization process, influenced by FDB. This ensures a continuous and adaptive exploration–exploitation balance.
  • Iterative Optimization Enhanced by FDB: The algorithm iteratively optimizes solutions, leveraging the integrated FDB principles to achieve a balance between exploration and exploitation. Iterations continue until the termination criterion is met.
  • Termination and Solution Retrieval: WChOA-FDB concludes when the termination criterion is satisfied. The best solutions, considering both fitness and distances, are retrieved as the final optimized outcomes.
In this study, multiple WChOA-FDB variants (Case-1 through Case-72) were created by applying the FDB method to different components of the original WChOA algorithm’s equations. Then approximately 10% of the most successful cases (8 cases) were selected and their details are given below. The FDB-based WChOA variants (Case-1, Case-2, Case-3, Case-4, Case-5, Case-6, Case-7, and Case-8) were created to improve the exploration and balanced search ability of the WChOA algorithm. The equations where the FDB method is applied and the mathematical models of the WChOA-FDB variants are given in Table 1. Case-1 replaces the X D r i v e r component in the D D r i v e r equation with the FDB method ( X F D B ). This modifies how the distance for the driver chimp is calculated. Case-2 replaces the X component in the D D r i v e r equation with the FDB method ( X F D B ). This changes how the current position of other chimps affects the driver-distance calculation. Case-3 applies FDB to both the D A t t a c k e r and D D r i v e r equations simultaneously. It replaces both X A t t a c k e r and X D r i v e r with X F D B . This modifies how both the attacker and driver guide other chimps. Case-4 applies FDB to the attacker and driver equations, but differently from Case-3. It replaces X A t t a c k e r in the attacker equation and X in the driver equation with X F D B . This creates a different balance between exploration and exploitation. Case-5 uses FDB to modify the current position component X in the attacker equation and the X D r i v e r component in the driver equation. Case-6 uses FDB to replace the current position component X in both the attacker and driver equations. This creates a consistent modification of how current chimp positions influence both equations. Case-7 applies FDB to the barrier and driver roles by replacing X B a r r i e r and X D r i v e r in the barrier and driver equations, respectively. And finally, Case-8 applies FDB to modify the current position component X in the barrier equation and the X D r i v e r component in the driver equation. The general framework of the proposed WChOA-FDB algorithm and the equations where the FDB selection method was applied are explained step by step in Algorithm 1. Also, the flowchart of the WChOA-FDB algorithm is given in Figure 1.
Algorithm 1. Pseudo-code of proposed WChOA-FDB algorithm
1. Input: Chimp population (p), Number of iteration (Max_iter),
 Problem dimension (number of variables) (d)
2. Output: X_Attacker
3. Begin:
4. Initialize the constants f, m, a and c
5. Calculate the initial position (population) for each chimp and evaluate fitness
6. Randomly divide the chimps into separate groups
7. for i = 1:p do
8.    Evaluate the fitness of each chimp
9. end for
10. xattacker = the best search agent
11. xbarrier = the second best search agent
12. xchaser = the third best search agent
13. xdriver = the fourth best search agent
14. //Meta-heuristic search process//
15. while (l < Max_iter) //Number of iteration is not achieved
16.    for i = 1: p do
17.     for each chimp:
18.       Extract the chimp’s group
19.       Use its group strategy to update f, m and c
20.       Use f, m _and c to calculate a then d
21.     end for
22.     //Implementation of FDB selection method//
23.     for i = 1:p do
24.       Calculate Euclidean distance for each chimp using Equation (21)
25.       Calculate FDB score for each chimp using Equation (22)
26.     end for
27.     Create D and S as vectors using Equation (21) and Equation (22), respectively
28.     Determine x_FDB based on FDB philosophy by using Equation (9)
29.     Calculate d_Driver using Equation (23)//Case-1//
30.     Calculate d_Driver using Equation (24)//Case-2//
31.     Calculate d_Attacker and d_Driver using Equation (25)//Case-3//
32.     Calculate d_Attacker and d_Driver using Equation (26)//Case-4//
33.     Calculate d_Attacker and d_Driver using Equation (27)//Case-5//
34.     Calculate d_Attacker and d_Driver using Equation (28)//Case-6//
35.     Calculate d_Barrier and d_Driver using Equation (29)//Case-7//
36.     Calculate d_Barrier and d_Driver using Equation (30)//Case-8//
37.     Calculate d_Chaser using Equation (9)
38.    end for
39.    for i = 1: p do
40.     if (φ < 0.5)
41.       if (|a| < 1)
42.        Update the position of the driver by Equation (19)//Case-1//
43.       Update the position of the driver by Equation (19)//Case-2//
44.       Update the position of the attacker and driver by Equation (19)//Case-3//
45.       Update the position of the attacker and driver by Equation (19)//Case-4//
46.       Update the position of the attacker and driver by Equation (19)//Case-5//
47.       Update the position of the attacker and driver by Equation (19)//Case-6//
48.       Update the position of the barrier and driver by Equation (19)//Case-7//
49.       Update the position of the barrier and driver by Equation (19)//Case-8//
50.       Update the position of the chaser by Equation (19)
51.       else if (|a| > 1)
52.         Select a random search agent
53.       end if
54.     else if (φ > 0.5)
55.       Update the position of the present search agent by Equation (20)
56.     end if
57.    end for
58.    Update the constants f, m, a and c
59.    Update xattacker, xbarrier, xchaser and xdriver
60. end while
61. return xattacker
The most significant theoretical contribution of WChOA-FDB is the dynamic improvement of the exploration and exploitation balance, which is one of the most critical challenges in metaheuristic algorithms. The FDB approach considers both the fitness values of candidate solutions and their distribution in the solution space. It enables candidate solutions to be evaluated not only based on their fitness values but also according to their distances from each other. This helps maintain diversity during the search process while also supporting convergence toward good solutions. Modifying the behaviors of different guide chimps in various variants (Cases 1–8) enables more effective exploration of different regions of the solution space.
The complexity of WChOA relies on the number of chimps (n), the number of iterations (maxFEs), and the sorting method for each iteration [41]. In each iteration, the first four best solutions were found and assigned as driver, chaser, attacker, and barrier. Quick sort employed by this method means that, in the best and worst cases, complexity is O ( n × log n ) and O ( n 2 ) , respectively. The computational complexity of WChOA is defined as follows:
O W C h O A = O ( m a x F e s × ( O q u i c k   s o r t + O ( p o s i t i o n   u p d a t e ) = ( m a x F e s × n 2 + n × d = O ( n 2 )
For the proposed algorithm, WChOA-FDB, the Euclidean distances and FDB scores for each chimp are calculated using Equations (21) and (22). So, the computational complexity of WChOA-FDB is defined as:
O W C h O A F D B = O ( m a x F e s × ( O q u i c k   s o r t + O F D B   c a l c u l a t i o n + O p o s i t i o n   u p d a t e = ( m a x F e s × n 2 + 2 × n + n × d = O ( n 2 )

4. Experimental Results

4.1. Experimental Settings

A brief description of the experimental working environment and settings is given below.
  • The IEEE CEC 2020 suite [48], which has four different types of benchmark problems, was used to investigate the performance of the proposed algorithm.
  • The optimization process termination criterion is determined by the maximum number of objective function evaluations, denoted as maxFEs. This criterion is set as maxFEs = 1000 × D, where D represents the problem dimension.
  • The experiments were conducted independently for four varying problem dimensions (D = 10, D = 30, D = 50, and D = 100) to analyze and evaluate the performance of the proposed algorithm in low, medium, and high-dimensional optimization scenarios.
  • The experiments were repeated 25 times for the optimization of each problem.
  • Statistical test methods were employed to analyze the data obtained from experimental studies.
  • Pairwise comparisons were conducted using the Wilcoxon test, while multiple comparisons were performed using the Friedman test.
  • Experiments were conducted utilizing MATLAB R2018b on a Core i7 1065G7 1.30 GHz CPU with 12 GB of RAM and running Windows 11.

4.2. Testing and Analyzing the Performance of the Proposed WChOA-FDB Algorithm

The experimental results of the WChOA-FDB are provided, wherein several cases of the proposed WChOA-FDB algorithm are compared with the base algorithm. The performance of the developed WChOA-FDB algorithm is tested on IEEE CEC 2020 [48] benchmark problems. Ten different problems taken from CEC 2020 presented in Table 2 were analyzed in dimensions of 10, 30, 50, and 100 using the Friedman and Wilcoxon pairwise comparison tests.
Table 2 presents the function types, search range, and the problem sizes of the test functions used in the study. These functions are designed to test the exploration, exploitation, and balanced search capability of meta-heuristic search algorithms. Unimodal and multimodal test functions aim to determine the exploitation and exploration capabilities of an algorithm, respectively. Hybrid and composition test functions are more complex. Hybrid functions are used to investigate the algorithm’s ability to balance between exploration and exploitation. Composition functions are the same as real-world optimization problems because they have many local minima.

Statistical Analyses on CEC’2020 Test Suite

The Friedman test is a non-parametric statistical test used to detect differences in treatments across multiple test attempts. This test is particularly useful in situations where multiple measurements are taken from different methods, algorithms, or conditions on the same subjects. Our statistical analyses included 10 test functions, 25 runs, and 9 algorithms. Table 3 displays the Friedman test results of the experimental data. The results indicated that the WChOA-FDB variants demonstrated better search performance compared to the base WChOA algorithm in all experiments. According to the mean rank index, the Case-4 variant was identified as the most successful among the WChOA-FDB variants. The dimensional scalability analysis reveals that Case-4 achieves the best overall performance with a mean rank of 4.690, demonstrating good optimization capability across varying problem dimensions, particularly excelling in high-dimensional scenarios (D = 100) where it attains the lowest mean rank of 4.492. Case-3 emerges as the second-best performer (mean rank = 4.708) with notably strong performance in higher dimensions (D = 50 and D = 100), suggesting enhanced scalability characteristics compared to other variants. Case-2 maintains consistent performance across all dimensional levels with minimal variance (4.678–4.804), indicating robust stability regardless of problem complexity, while Case-8 shows dimension-dependent behavior with exceptional performance at moderate dimensions (4.478 at D = 30) but degraded performance at higher scales. The analysis demonstrates a clear performance hierarchy where Cases 1–4 significantly outperform Cases 5–8, with the original WChOA exhibiting the poorest scalability (mean rank = 6.272), particularly deteriorating at higher dimensions (6.709 at D = 100). Case 5 and Case 6 consistently rank among the worst performers across all dimensions, suggesting that their specific algorithmic modifications may introduce computational overhead without corresponding optimization benefits. The dimensional analysis indicates that problem complexity significantly influences algorithmic ranking, with high-dimensional scenarios (D ≥ 50) favoring Case 3 and Case 4, while lower dimensions show more balanced performance distribution among the top-performing variants.
The Wilcoxon method is a non-parametric statistical test used to compare two related samples to assess whether their population mean ranks differ. It serves as a robust alternative to the paired t-test, especially when the data does not meet the normality assumptions. This makes it particularly useful for evaluating the performance of various algorithms or their variants across multiple data items. In the context of MHS algorithms, the Wilcoxon signed-rank test can be used to determine the best algorithm by comparing their performance metrics pairwise. Table 4 presents the results of the Wilcoxon pairwise comparison of the base algorithm and its FDB variants. In Table 4, the sum of the items in every cell represents the total number of test functions, which is 10 in this study. For example, “Case-1 vs. WChOA” represents the pairwise comparison between a WChOA-FDB variant and the base algorithm WChOA. The pairwise (+/=/−) in each cell indicates the test problem number in which the associated WChOA-FDB variant showed better, similar, or worse performance, respectively, when compared to the original WChOA algorithm. For example, the pairwise (7_3_0) in the last column (D = 100) of Case-4 means that the Case-4 variant performed better than the base algorithm WChOA in seven problems, showed similar performance in three problems, and performed worse in zero problems. In Table 4, the information about the performance of all WChOA-FDB variants for 10, 30, 50, and 100 dimensions was presented. In D = 10 dimensions, Case-1, Case-2, and Case-5 achieved the best score (5-5-0) in all pairwise comparisons. For D = 30 dimensions, Case-1 and Case-2 obtained the best score as (6-4-0). Also, Case-3, Case-4, Case-7, and Case-8 performed better than the base algorithm with a score of (5-5-0). In D = 50 dimensions, Case-8 achieved the best score (7-3-0) among all cases. Besides Case-4, Case-6 outperformed the base algorithm with score (5-5-0), while Case-1, Case-3, and Case-7 performed better with score of (6-4-0). Finally, we can conclude that the experimental results for all WChOA-FDB variants in D = 100 dimensions performed better than the original algorithm.

4.3. Image Segmentation Performance of the Proposed WChOA-FDB Method

In this section, the multilevel image segmentation performance of the proposed WChOA-FDB algorithm is analyzed. Experimental studies were carried out on 10 color images taken from the Berkeley image segmentation database [49]. The test images and their histograms are presented in Figure 2. The images with complex histograms were chosen to investigate the solution of complex problems. When the histograms were examined, it can be seen that the test images have various brightness and color distributions.
To evaluate WChOA-FDB’s multilevel thresholding image segmentation performance, we employed Kapur’s entropy and Otsu’s between-class variance methods. The performance of WChOA-FDB has been compared with other well-known metaheuristic algorithms, namely ABC, CS, GWO, HHO, MFO, SCA, and SSA. Experimental studies were carried out using 10 color images, 2 thresholding functions (Kapur’s entropy and Otsu’s method), 16 MHS algorithms (WChOA, 8 WChOA variants, and 7 well-known competitor algorithms), 6 different threshold levels (m = 2, 4, 6, 8, 10, 12), and two different search process termination criterion (maxFEs = 500 × m and maxFEs = 1000 × m, m is the number of threshold levels, maxFEs is the search process termination criterion). As a result, a total of 11,520 = 10 image × 3 channel (RGB) × 2 thresholding functions × 16 MHS algorithms × 6 threshold levels × 2 search process termination criteria (500 × m, 1000 × m) experiments were conducted to evaluate multilevel thresholding image segmentation performance of the proposed WChOA-FDB method. The algorithms execute 25 runs for each segmentation task. The original settings of the algorithms were used in the experiments. These settings are presented in Table 5.

4.3.1. Statistical Analysis on Test Images

In this sub-section, the analysis results of the segmentation process using Kapur’s entropy and Otsu’s method as objective functions were given. The fitness values of 16 MHS algorithms for 10 test images, 6 different threshold levels, and R-G-B channels were analyzed. The Friedman test was used for statistical comparisons. Analysis results obtained using Otsu’s method and Kapur’s entropy as objective functions for 2 different maxFEs values were presented in Table 6 and Table 7, respectively. The performance analysis reveals distinct algorithmic behavior patterns across varying experimental conditions, with Case-8 demonstrating the most robust performance by achieving first rank in 7 out of 24 scenarios, particularly excelling at higher threshold levels (m ≥ 8), regardless of fitness function or computational cost. Case-2 emerges as the second most successful variant with 7 first-place rankings, showing particular strength in lower threshold scenarios (m = 2.4) and maintaining competitive performance across both Otsu and Kapur fitness functions. The data indicates a clear threshold-dependent performance hierarchy where simpler segmentation tasks (m = 2.4) favor Case-2’s approach, while complex multilevel scenarios (m ≥ 8) consistently benefit from Case-8’s enhanced optimization mechanism. Computational cost allocation significantly influences algorithmic ranking, as increased function evaluations (1000 × m vs. 500 × m) enable previously underperforming cases like Case-1 and Case-4 to achieve better results, suggesting that these variants require extended exploration phases to reach optimal solutions. The fitness function selection also demonstrates notable impact on case performance, with Kapur’s entropy optimization exhibiting more diverse case rankings compared to Otsu’s method, indicating that the entropy-based objective landscape provides different optimization challenges that favor varied algorithmic strategies across different cases.
In multilevel image segmentation, the increase in the number of threshold levels increases the complexity of the problem. The Friedman rankings in Table 6 and Table 7 indicate that the increase in the complexity of the search space has made distinctive differences between the top-ranking algorithms and their competitors. The change in the threshold level value changes the boundaries and geometric structure of the search space. The success of different algorithms at different threshold levels is related to the algorithms’ exploitation and exploration capabilities. However, the results show that the WChOA-FDB method proposed in the study is more successful than the base algorithm and other competitive algorithms for two thresholding functions, in all threshold levels and maxFEs values, except m = 2 and maxFEs = 1000 × m for Otsu’s thresholding function. This means that the proposed method exhibits a more balanced search capability compared to its competitors for all segmentation problems with different complexities used in the experiments. In addition, the WChOA algorithm, which was used for the first time in the field of multilevel image segmentation, was generally the second most successful algorithm for both objective functions, according to the Friedman scores.

4.3.2. Performance Metrics

Fitness function, PSNR (Peak Signal-to-Noise ratio), SSIM (Structural Similarity Index Measure), and FSIM (Feature Similarity Index) criteria were used as evaluation metrics in the study for image segmentation. Otsu’s method and Kapur’s entropy functions were used as fitness functions. Algorithms were trying to maximize these fitness functions. Therefore, the highest fitness value shows the success of that algorithm. PSNR, SSIM, and FSIM criteria were used to evaluate the quality of segmented images.
PSNR is defined as the ratio between the maximum possible power of signal and noise introduced. It is used to measure the reconstruction quality of an image. Mean Square Error (MSE) measures the error at each pixel location and generates the mean value which is further utilized to generate the PSNR of the image. MSE is defined as the difference between the intensity of the original image and the segmented image. A higher value of PSNR denotes good segmentation. PSNR value was calculated with Equation (33). In the equation, x is the original image, y is the segmented image, and (m, n) is the number of rows and columns of images.
P S N R = 10 l o g 10 255 2 1 m n i = 0 m 1 j = 0 n 1 x i , j y ( i , j ) 2
SSIM is a perception-based model that considers image degradation as a perceived change in structural information. SSIM is generally used to find out the inter-dependencies between original and segmented images. The SSIM is calculated as in Equation (34):
S S I M x , y = ( 2 µ x µ y + C 1 ) ( 2 σ x y + C 2 ) ( µ x 2 + µ y 2 + C 1 ) ( σ x 2 + σ y 2 + C 2 )
In the equation, μx and μy represent mean value, σx and σy show standard deviation, σxy refers to the correlation between x and y images, respectively. C1 and C2 are constants chosen to avoid division by zero error. It can be concluded that higher quality thresholding is made at large values of the SSIM.
FSIM is the metric that is used to estimate the structural similarity of the original and segmented image. It is defined as:
F S I M = x Ω S L x . P C m ( x ) x Ω P C m ( x )
where represents the entire image and S L x indicates the similarity between the segmented images obtained through multilevel thresholding task and the input image. The FSIM parameter of an RGB color image is calculated as the mean of the FSIM parameter of each color channel.

4.3.3. Performance Evaluation Using the Fitness Function

During the optimization process, Otsu’s method and Kapur’s entropy are used as the objective functions in the study. Algorithms were trying to maximize these fitness functions. Therefore, the highest fitness value shows the success of that algorithm. The average fitness function values of each algorithm using Otsu’s method for maxFEs = 500 × m and maxFEs = 1000 × m are presented in Table 8 and Table 9, respectively. It is seen that the WChOA and the proposed WChOA-FDB variants are the most outstanding in almost all experiments. In Table 8 and Table 9, WChOA and the proposed WChOA-FDB variants give higher fitness function values in 53 out of 60 experiments for maxFEs = 500 × m and in 49 out of 60 experiments for maxFEs = 1000 × m. Of these successful experiments, WChOA-FDB algorithm gave better fitness value results in 39 experiments for maxFEs = 500 × m and in 35 experiments for maxFEs = 1000 × m.
The average fitness function values of each algorithm using Kapur’s entropy for maxFEs = 500 × m and maxFEs = 1000 × m are presented in Table 10 and Table 11, respectively. It is seen that the WChOA and the proposed WChOA-FDB variants give better results in almost all experiments. In Table 10 and Table 11, WChOA and the proposed WChOA-FDB variants give higher fitness function values in 46 out of 60 experiments for maxFEs = 500 × m and 48 out of 60 experiments for maxFEs = 1000 × m. Of these successful experiments, the proposed WChOA-FDB algorithm gave better fitness value results in 38 and 37 experiments for maxFEs = 500 × m and maxFEs = 1000 × m, respectively.
This experimental analysis demonstrates the superior performance of the proposed WChOA-FDB algorithm in multilevel image segmentation optimization. The results show that WChOA and WChOA-FDB variants consistently outperform competing algorithms across both objective functions (Otsu’s method and Kapur’s entropy) and maximum number of fitness evaluations. Specifically, the WChOA family achieves success rates of 88% (53/60) and 82% (49/60) for Otsu’s method at maxFEs = 500 × m and 1000 × m, respectively, and 77% (46/60) and 80% (48/60) for Kapur’s entropy under the same conditions. Notably, within these successful experiments, the proposed WChOA-FDB algorithm demonstrates improved optimization capability, achieving the highest fitness values in approximately 73% of successful cases for Otsu’s method and 80% for Kapur’s entropy across both maxFEs values. These findings indicate that WChOA-FDB exhibits enhanced search balance and convergence characteristics, making it particularly effective for complex multilevel thresholding problems with varying difficulty levels, thereby establishing its strong practical applicability in color image segmentation tasks.

4.3.4. Performance Evaluation Using PSNR, SSIM and FSIM

In this section, the PSNR, SSIM, and FSIM metrics were used to evaluate the multilevel image segmentation performances of the proposed and competitor algorithms. The average PSNR, SSIM, and FSIM results obtained by each algorithm for each number of threshold levels, thresholding functions, and termination criteria on 10 images are shown graphically.
The average PSNR values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and a number of threshold levels are presented in Figure 3. The figure shows the graphs of the average PSNR values of the Otsu and Kapur functions on 10 test images for the maxFEs = 500 × m and maxFEs = 1000 × m for each number of threshold levels. As can be seen from the figure, the WChOA algorithm, which was first applied to the image segmentation problem and its proposed variants, gives higher PSNR results at all number of threshold levels compared to the competing algorithms. By using the PSNR metric, the image distortion degree can be compared. This is also used to evaluate the image quality. The smaller image distortions result in a higher PSNR value. According to the results, the proposed method shows higher performance in image segmentation when compared to other algorithms.
When the PSNR values, including 16 algorithms, 10 images, and 6 threshold levels, 2 termination criteria for Otsu’s method are examined, the WChOA and WChOA variants give higher PSNR values in 49 of 60 experiments. For maxFEs = 1000 × m the number of higher PSNR values is 48. When Kapur’s entropy is used as an objective function, the number of experiments in which the PSNR values are higher than other algorithms for the proposed method are 45 for maxFEs = 500 × m and 44 for maxFEs = 1000 × m. These results establish the proposed method’s consistent success in producing higher quality segmented images, with an overall success rate of approximately 78% across both objective functions and maxFEs values, confirming its robust performance in practical image segmentation applications.
The SSIM is an important metric that is used to evaluate the similarity of the original image and the segmented image visually. It is based on contrast, brightness, and structural information of the images. If the segmented image and the original image are more similar, the SSIM value is higher. Also, the value of SSIM increases as the number of thresholds increases, which means that the segmented images are more similar to the original images and the interested objects can be extracted more accurately.
The average SSIM values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and the number of threshold levels are presented in Figure 4. The figure shows the graphs of the average SSIM values of the Otsu and Kapur functions on 10 test images for the maxFEs = 500 × m and maxFEs = 1000 × m for each number of threshold levels. As can be seen from the figure, the WChOA algorithm and the proposed WChOA-FDB variants give higher SSIM results at almost all threshold levels.
The experimental results indicate that the SSIM of the proposed method has the highest values for the majority of experiments and outperforms all the other algorithms. When maxFEs = 500 × m, the number of experiments in which WChOA and the proposed WChOA-FDB method achieved higher SSIM values were 55 and 43 (out of 60 experiments) for Otsu’s method and Kapur’s entropy, respectively. The number of successful experiments for Otsu’s method and Kapur’s entropy are 56 and 49 when maxFEs = 1000 × m. The consistently high success rates across both objective functions and maxFEs values, with an average of 84.6% better performance, demonstrate the proposed algorithm’s remarkable capability in preserving structural information during image segmentation, indicating excellent correlation between optimized thresholds and perceptual image quality.
FSIM is based on the fact that the human visual system understands an image mainly according to its low-level features. Specifically, phase congruency, which is a dimensionless measure of the significance of a local structure, is used as the primary feature in FSIM. Considering that PC is contrast invariant while the contrast information does affect the human visual system’s perception of image quality, the image gradient magnitude is employed as the secondary feature in FSIM. Therefore, the FSIM is an important metric that is used to evaluate the feature similarity of the original image and the segmented image. If the segmented image and the original image are more similar, the FSIM value is higher. Also, the value of FSIM increases as the number of thresholds increases.
The average FSIM values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and the number of threshold levels are presented in Figure 5. The figure shows the graphs of the average FSIM values of the Otsu and Kapur functions on 10 test images for the maxFEs = 500 × m and maxFEs = 1000 × m for each number of threshold levels. As can be seen from the figure, the WChOA algorithm and the proposed WChOA-FDB variants also give higher FSIM results at almost all number of threshold levels.
The experimental results indicate that the FSIM index of the proposed method has the highest values for the majority of experiments and outperforms all the other algorithms. When maxFEs = 500 × m, the number of experiments in which WChOA and the proposed WChOA-FDB method achieved higher FSIM values were 54 and 48 (out of 60 experiments) for Otsu’s method and Kapur’s entropy, respectively. The number of successful experiments for Otsu’s method and Kapur’s entropy are 51 and 48 when maxFEs = 1000 × m. The high success rates across both objective functions, with an overall average of 83.8% higher performance, confirm the proposed algorithm’s remarkable capability in preserving critical image features during segmentation.
In the study, a huge number of segmented images, 3840 in total, were obtained for 10 images, 6 threshold levels, 16 algorithms, 2 thresholding functions, and 2 maxFEs values. The top-ranking algorithms according to the Friedman scores given in Section 4.3.1. are presented in Table 12. This table shows the success of the proposed method in image segmentation at different threshold levels, thresholding functions, and termination criteria. Images segmented with the algorithms in Table 12 are given in Figure 6, Figure 7, Figure 8 and Figure 9.
Based on the computational performance analysis, Table 13 presents the execution times in seconds for the base WChOA algorithm and its eight FDB variants across different problem dimensions (m = 2, 6, 12) with maxFEs = 500 × m. The computational performance analysis reveals that all FDB variants demonstrate comparable efficiency to the base WChOA algorithm, with execution times exhibiting predictable scaling characteristics as problem dimensionality increases from m = 2 to m = 12. The algorithms show sub-exponential computational complexity, with approximately 4-fold and 2.8-fold increases in execution time for m = 6 and m = 12, respectively, indicating favorable scalability properties. Among the variants, Case-6 consistently demonstrates the most efficient performance across all tested dimensions (0.723 s, 2.986 s, 8.817 s), while Case-4 and Case-5 exhibit marginally higher computational overhead.
The tight clustering of execution times within approximately 3.5–6.3% variance across all variants suggests that the FDB enhancements introduce negligible computational penalty while potentially offering distinct algorithmic advantages, thereby positioning computational efficiency as a secondary consideration in variant selection compared to optimization effectiveness and convergence characteristics.

5. Discussion and Conclusions

In this study, a novel MHS algorithm named WChOA-FDB is developed. The algorithm’s performance was evaluated using 10 benchmark functions (IEEE CEC 2020) of different types and complexity levels. The search performance of the algorithm was analyzed using the Friedman and Wilcoxon statistical test methods. The results indicated that the WChOA-FDB variants demonstrated higher search performance when compared to the base WChOA algorithm in all experiments on benchmark functions. In the study, many FDB variants were produced, the eight most successful cases were selected, and their results were given. Then, the performance of these algorithms in the image segmentation problem was evaluated.
Experiments conducted on color image segmentation tasks demonstrate the effectiveness of WChOA-FDB in achieving accurate and efficient segmentation results. The results of image segmentation experiments show that the WChOA-FDB method proposed in the study is more successful than the base algorithm and other competitive algorithms for two thresholding functions, in all threshold levels and maxFEs values. This means that the proposed method exhibits a more balanced search capability compared to its competitors for all segmentation problems with different complexities. This shows the proposed algorithm’s considerably strong practicability in color image segmentation. Also, according to the PSNR, SSIM, and FSIM results, the proposed method demonstrated enhanced performance in image segmentation when compared to other algorithms. It has been observed that among the proposed FDB variants, Case-1, Case-2, Case-4, Case-7, and Case-8 are more successful in the segmentation problem. The synergy between WChOA-FDB and WChOA enhances the algorithm’s robustness, adaptability, and overall performance. The algorithm’s convergence speed, solution quality, and resilience in diverse and dynamic optimization landscapes are notably improved with the integration of FDB.
The comprehensive analysis of both performance results (Table 3, Table 6 and Table 7) reveals a complex algorithmic behavior pattern where Case-8’s dominance in multilevel image segmentation tasks (achieving first rank in 7 out of 24 scenarios) contrasts sharply with its moderate performance in benchmark function optimization (4th place with mean rank 4.752), indicating that algorithm effectiveness is highly task-dependent and cannot be generalized across different optimization domains. Case-4 demonstrates the most robust scalability characteristics by achieving the best overall performance in dimensional analysis (mean rank 4.690) and showing particular strength in high-dimensional problems (rank 4.492 at D = 100), yet it only achieves top performance in two specific image segmentation scenarios, primarily at higher threshold levels with increased computational cost (m = 10,12 with 1000 × m evaluations). Case-2 exhibits remarkable consistency across both evaluation frameworks, maintaining competitive performance in image segmentation tasks (7 first-place rankings) while achieving third place in dimensional scalability (mean rank 4.722), suggesting it represents the most balanced and reliable algorithmic variant for diverse optimization challenges. The stark performance degradation of the original WChOA (worst performer in dimensional analysis with mean rank 6.272, and only one first-place ranking in segmentation tasks) validates the necessity of the proposed hybrid modifications, while Cases 5–8 generally underperform in benchmark optimization despite Case-8’s segmentation success, highlighting the critical importance of algorithm-problem matching in metaheuristic optimization design.
It is observed that the methods proposed in image segmentation studies are generally tested on a small number of images. This is a general limitation of these studies. A larger and more diverse set of test images would provide stronger evidence of the algorithm’s effectiveness. In this study, 10 test images are used for the image segmentation experiments. In future studies, it is aimed to increase the number of images and evaluate the method performance on images with different characteristics such as medical and satellite images. In this study, the performance of the proposed method was compared with seven well-known MHS methods. It aims to compare the proposed method with different MHS algorithms in future studies. Also, parameter optimization for the proposed algorithm can be performed.

Author Contributions

Conceptualization, A.G.Y.; methodology, A.G.Y.; software, S.A.; validation, A.G.Y. and S.A.; writing—original draft preparation, A.G.Y. and S.A.; writing—review and editing, A.G.Y.; supervision, A.G.Y. All authors have read and agreed to the published version of the manuscript.

Funding

The authors declare that no funds, grants, or other support was received during the preparation of this manuscript.

Data Availability Statement

The original data presented in the study are openly available in https://doi.org/10.5281/zenodo.15590550 (accessed on 3 July 2025).

Conflicts of Interest

The authors have declared no conflicts of interest.

References

  1. Biratu, E.S.; Schwenker, F.; Ayano, Y.M.; Debelee, T.G. A Survey of Brain Tumor Segmentation and Classification Algorithms. J. Imaging 2021, 7, 179. [Google Scholar] [CrossRef] [PubMed]
  2. Xiong, Y.; Yuan, D.; Li, L.; Shu, X. MFPNet: Mixed Feature Perception Network for Automated Skin Lesion Segmentation. In Pattern Recognition and Computer Vision. PRCV 2024. Lecture Notes in Computer Science; Lin, Z., Cheng, M.-M., He, R., Ubul, K., Silamu, W., Zha, H., Zhou, J., Liu, C.-L., Eds.; Springer: Singapore, 2025; Volume 15044. [Google Scholar] [CrossRef]
  3. Muhammad, K.; Hussain, T.; Ullah, H.; Del Ser, J.; Rezaei, M.; Kumar, N.; Hijji, M.; Bellavista, P.; de Albuquerque, V.H.C. Vision-Based Semantic Segmentation in Scene Understanding for Autonomous Driving: Recent Achievements, Challenges, and Outlooks. IEEE Trans. Intell. Transp. Syst. 2022, 23, 22694–22715. [Google Scholar] [CrossRef]
  4. Singh, V.; Misra, A. Detection of plant leaf diseases using image segmentation and soft computing techniques. Inf. Process. Agric. 2017, 4, 41–49. [Google Scholar] [CrossRef]
  5. Sun, Y.; Bhanu, B. Symmetry integrated region-based image segmentation. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; pp. 826–831. [Google Scholar] [CrossRef]
  6. Saha, S.; Bandyopadhyay, S. MRI brain image segmentation by fuzzy symmetry based genetic clustering technique. In Proceedings of the 2007 IEEE Congress on Evolutionary Computation, Singapore, 25–28 September 2007; pp. 4417–4424. [Google Scholar] [CrossRef]
  7. Chen, H.; Qin, Z.; Ding, Y.; Tian, L.; Qin, Z. Brain tumor segmentation with deep convolutional symmetric neural network. Neurocomputing 2020, 392, 305–313. [Google Scholar] [CrossRef]
  8. Eisham, Z.K.; Haque, M.; Rahman, S.; Nishat, M.M.; Faisal, F.; Islam, M.R. Chimp optimization algorithm in multilevel image thresholding and image clustering. Evol. Syst. 2022, 14, 605–648. [Google Scholar] [CrossRef]
  9. Kapur, J.N.; Sahoo, P.K.; Wong, A.K.C. A new method for gray-level picture thresholding using the entropy of the histogram. Comput. Vis. Graph. Image Process. 1985, 29, 273–285. [Google Scholar] [CrossRef]
  10. Otsu, N. A threshold selection method from gray-level histograms. IEEE Trans. Syst. Man Cybern. 1979, 9, 62–66. [Google Scholar] [CrossRef]
  11. Sezgin, M.; Sankur, B.L. Survey over image thresholding techniques and quantitative performance evaluation. J. Electron. Imaging 2004, 13, 146–168. [Google Scholar]
  12. Bhandari, A.K.; Kumar, A.; Singh, G.K. Modified artificial bee colony based computationally efficient multilevel thresholding for satellite image segmentation using Kapur’s, Otsu and Tsallis functions. Expert Syst. Appl. 2015, 42, 1573–1601. [Google Scholar] [CrossRef]
  13. Suresh, S.; Lal, S. An efficient cuckoo search algorithm based multilevel thresholding for segmentation of satellite images using different objective functions. Expert Syst. Appl. 2016, 58, 184–209. [Google Scholar] [CrossRef]
  14. Pare, S.; Kumar, A.; Bajaj, V.; Singh, G.K. An efficient method for multilevel color image thresholding using cuckoo search algorithm based on minimum cross entropy. Appl. Soft Comput. 2017, 61, 570–592. [Google Scholar] [CrossRef]
  15. Holland, J.H. Adaptation in Natural and Artificial Systems: An Introductory Analysis with Applications to Biology, Control and Artificial Intelligence; MIT Press: Cambridge, MA, USA, 1992. [Google Scholar]
  16. Gandomi, A.H.; Yang, X.-S.; Alavi, A.H. Cuckoo search algorithm: A metaheuristic approach to solve structural optimization problems. Eng. Comput. 2013, 29, 17–35. [Google Scholar] [CrossRef]
  17. Mirjalili, S.; Mirjalili, S.M.; Lewis, A. Grey wolf optimizer. Adv. Eng. Softw. 2014, 69, 46–61. [Google Scholar] [CrossRef]
  18. Heidari, A.A.; Mirjalili, S.; Faris, H.; Aljarah, I.; Mafarja, M.; Chen, H. Harris hawks optimization: Algorithm and applications. Futur. Gener. Comput. Syst. 2019, 97, 849–872. [Google Scholar] [CrossRef]
  19. Mirjalili, S. Moth-flame optimization algorithm: A novel nature-inspired heuristic paradigm. Knowl. Based Syst. 2015, 89, 228–249. [Google Scholar] [CrossRef]
  20. Mirjalili, S. SCA: A Sine Cosine Algorithm for solving optimization problems. Knowl.-Based Syst. 2016, 96, 120–133. [Google Scholar] [CrossRef]
  21. Mirjalili, S.; Gandomi, A.H.; Mirjalili, S.Z.; Saremi, S.; Faris, H.; Mirjalili, S.M. Salp Swarm Algorithm: A bio-inspired optimizer for engineering design problems. Adv. Eng. Softw. 2017, 114, 163–191. [Google Scholar] [CrossRef]
  22. Su, H.; Zhao, D.; Yu, F.; Heidari, A.A.; Zhang, Y.; Chen, H.; Li, C.; Pan, J.; Quan, S. Horizontal and vertical search artificial bee colony for image segmentation of COVID-19 X-ray images. Comput. Biol. Med. 2022, 142, 105181. [Google Scholar] [CrossRef]
  23. Liu, Q.; Li, N.; Jia, H.; Qi, Q.; Abualigah, L. A chimp-inspired remora optimization algorithm for multilevel thresholding image segmentation using cross entropy. Artif. Intell. Rev. 2023, 56, 159–216. [Google Scholar] [CrossRef]
  24. Sharma, A.; Chaturvedi, R.; Bhargava, A. A novel opposition based improved firefly algorithm for multilevel image segmentation. Multimed. Tools Appl. 2022, 81, 15521–15544. [Google Scholar] [CrossRef]
  25. Houssein, E.H.; Abdelkareem, D.A.; Emam, M.M.; Hameed, M.A.; Younan, M. An efficient image segmentation method for skin cancer imaging using improved golden jackal optimization algorithm. Comput. Biol. Med. 2022, 149, 106075. [Google Scholar] [CrossRef] [PubMed]
  26. Gharehchopogh, F.S.; Ibrikci, T. An improved African vultures optimization algorithm using different fitness functions for multi-level thresholding image segmentation. Multimed. Tools Appl. 2023, 83, 16929–16975. [Google Scholar] [CrossRef]
  27. Kumar, A.; Vishwakarma, A.; Singh, G.K. Multilevel thresholding for crop image segmentation based on recursive minimum cross entropy using a swarm-based technique. Comput. Electron. Agric. 2022, 203, 107488. [Google Scholar] [CrossRef]
  28. Agrawal, S.; Panda, R.; Choudhury, P.; Abraham, A. Dominant color component and adaptive whale optimization algorithm for multilevel thresholding of color images. Knowl.-Based Syst. 2022, 240, 108172. [Google Scholar] [CrossRef]
  29. Tan, Z.; Li, K.; Wang, Y. An improved cuckoo search algorithm for multilevel color image thresholding based on modified fuzzy entropy. J. Ambient. Intell. Humaniz. Comput. 2021, 1–14. [Google Scholar] [CrossRef]
  30. Houssein, E.H.; Mohamed, G.M.; Ibrahim, I.A.; Wazery, Y.M. An efficient multilevel image thresholding method based on improved heap-based optimizer. Sci. Rep. 2023, 13, 9094. [Google Scholar] [CrossRef]
  31. Wang, Z.; Mo, Y.; Cui, M.; Hu, J.; Lyu, Y.; Oliva, D. An improved golden jackal optimization for multilevel thresholding image segmentation. PLoS ONE 2023, 18, e0285211. [Google Scholar] [CrossRef]
  32. Abualigah, L.; Al-Okbi, N.K.; Elaziz, M.A.; Houssein, E.H. Boosting Marine Predators Algorithm by Salp Swarm Algorithm for Multilevel Thresholding Image Segmentation. Multimed. Tools Appl. 2022, 81, 16707–16742. [Google Scholar] [CrossRef]
  33. Swain, M.; Tripathy, T.T.; Panda, R.; Agrawal, S.; Abraham, A. Differential exponential entropy-based multilevel threshold selection methodology for colour satellite images using equilibrium-cuckoo search optimizer. Eng. Appl. Artif. Intell. 2022, 109, 104599. [Google Scholar] [CrossRef]
  34. Thomas, E.; Kumar, S.N. Harris Hawks Optimization-Based Multilevel Thresholding Segmentation of Magnetic Resonance Brain Images. In International Conference on Communication, Devices and Computing; Springer Nature: Singapore, 2023. [Google Scholar]
  35. Renugambal, A.; Bhuvaneswari, K.S.; Tamilarasan, A. Hybrid SCCSA: An efficient multilevel thresholding for enhanced image segmentation. Multimed. Tools Appl. 2023, 82, 32711–32753. [Google Scholar] [CrossRef]
  36. Akay, R.; Saleh, R.A.A.; Farea, S.M.O.; Kanaan, M. Multilevel thresholding segmentation of color plant disease images using metaheuristic optimization algorithms. Neural Comput. Appl. 2021, 34, 1161–1179. [Google Scholar] [CrossRef]
  37. Akan, T.; Oliva, D.; Feizi-Derakhshi, A.R.; Feizi-Derakhshi, A.R.; Pérez-Cisneros, M.; Bhuiyan, M.A.N. Battle royale optimizer for multi-level image thresholding. J. Supercomput. 2023, 80, 5298–5340. [Google Scholar] [CrossRef]
  38. Zhang, J.; Zhang, G.; Kong, M.; Zhang, T. SCGJO: A hybrid golden jackal optimization with a sine cosine algorithm for tackling multilevel thresholding image segmentation. Multimed. Tools Appl. 2023, 83, 7681–7719. [Google Scholar] [CrossRef]
  39. Kang, X.; Hua, C. Multilevel thresholding image segmentation algorithm based on Mumford–Shah model. J. Intell. Syst. 2023, 32, 20220290. [Google Scholar] [CrossRef]
  40. Wang, C.; Tu, C.; Wei, S.; Yan, L.; Wei, F. MSWOA: A Mixed-Strategy-Based Improved Whale Optimization Algorithm for Multilevel Thresholding Image Segmentation. Electronics 2023, 12, 2698. [Google Scholar] [CrossRef]
  41. Khishe, M.; Nezhadshahbodaghi, M.; Mosavi, M.R.; Martin, D. A Weighted Chimp Optimization Algorithm. IEEE Access 2021, 9, 158508–158539. [Google Scholar] [CrossRef]
  42. Khishe, M.; Mosavi, M.R. Chimp optimization algorithm. Expert Syst. Appl. 2020, 149, 113338. [Google Scholar] [CrossRef]
  43. Kahraman, H.T.; Aras, S.; Gedikli, E. Fitness-distance balance (FDB): A new selection method for meta-heuristic search algorithms. Knowl.-Based Syst. 2020, 190, 105169. [Google Scholar] [CrossRef]
  44. Orujpour, M.; Feizi-Derakhshi, M.-R.; Akan, T. A multimodal butterfly optimization using fitness-distance balance. Soft Comput. 2023, 27, 17909–17922. [Google Scholar] [CrossRef]
  45. Ozkaya, B.; Guvenc, U.; Bingol, O. Fitness Distance Balance Based LSHADE Algorithm for Energy Hub Economic Dispatch Problem. IEEE Access 2022, 10, 66770–66796. [Google Scholar] [CrossRef]
  46. Zheng, K.; Yuan, X.; Xu, Q.; Dong, L.; Yan, B.; Chen, K. Hybrid particle swarm optimizer with fitness-distance balance and individual self-exploitation strategies for numerical optimization problems. Inf. Sci. 2022, 608, 424–452. [Google Scholar] [CrossRef]
  47. Tang, Z.; Tao, S.; Wang, K.; Lu, B.; Todo, Y.; Gao, S. Chaotic Wind Driven Optimization with Fitness Distance Balance Strategy. Int. J. Comput. Intell. Syst. 2022, 15, 46. [Google Scholar] [CrossRef]
  48. Liang, J.J.; Suganthan, P.N.; Qu, B.Y.; Gong, D.W.; Yue, C.T. Problem Definitions and Evaluation Criteria for the CEC 2020 Special Session and Competition on Single Objective Bound Constrained Numerical Optimization, Technical Report 201911; Nanyang Technological University: Singapore, 2020.
  49. The Berkeley Segmentation Dataset: Images. Available online: https://www2.eecs.berkeley.edu/Research/Projects/CS/vision/bsds/BSDS300/html/dataset/images.html (accessed on 3 July 2025).
Figure 1. Flowchart of the proposed WChOA-FDB algorithm.
Figure 1. Flowchart of the proposed WChOA-FDB algorithm.
Symmetry 17 01066 g001
Figure 2. Test images (a) and their histograms (b) (The image names are from left to right and top to bottom: 12003.jpg, 108073.jpg, 124084.jpg, 232038.jpg, 323016.jpg, 106024.jpg, 291000.jpg, 12084.jpg, 61060.jpg, 65010.jpg).
Figure 2. Test images (a) and their histograms (b) (The image names are from left to right and top to bottom: 12003.jpg, 108073.jpg, 124084.jpg, 232038.jpg, 323016.jpg, 106024.jpg, 291000.jpg, 12084.jpg, 61060.jpg, 65010.jpg).
Symmetry 17 01066 g002aSymmetry 17 01066 g002b
Figure 3. The average PSNR values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and number of threshold levels (m). (Otsu 500: Otsu’s method for maxFEs = 500 × m, Otsu 1000: Otsu’s method for maxFEs = 1000 × m, Kapur 500: Kapur’s entropy for maxFEs = 500 × m, Kapur 1000: Kapur’s entropy for maxFEs = 1000 × m).
Figure 3. The average PSNR values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and number of threshold levels (m). (Otsu 500: Otsu’s method for maxFEs = 500 × m, Otsu 1000: Otsu’s method for maxFEs = 1000 × m, Kapur 500: Kapur’s entropy for maxFEs = 500 × m, Kapur 1000: Kapur’s entropy for maxFEs = 1000 × m).
Symmetry 17 01066 g003
Figure 4. The average SSIM values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and number of threshold levels (m). (Otsu 500: Otsu’s method for maxFEs = 500 × m, Otsu 1000: Otsu’s method for maxFEs = 1000 × m, Kapur 500: Kapur’s entropy for maxFEs = 500 × m, Kapur 1000: Kapur’s entropy for maxFEs = 1000 × m).
Figure 4. The average SSIM values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and number of threshold levels (m). (Otsu 500: Otsu’s method for maxFEs = 500 × m, Otsu 1000: Otsu’s method for maxFEs = 1000 × m, Kapur 500: Kapur’s entropy for maxFEs = 500 × m, Kapur 1000: Kapur’s entropy for maxFEs = 1000 × m).
Symmetry 17 01066 g004
Figure 5. The average FSIM values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and number of threshold levels (m). (Otsu 500: Otsu’s method for maxFEs = 500 × m, Otsu 1000: Otsu’s method for maxFEs = 1000 × m, Kapur 500: Kapur’s entropy for maxFEs = 500 × m, Kapur 1000: Kapur’s entropy for maxFEs = 1000 × m).
Figure 5. The average FSIM values of the MHS algorithms for Otsu’s method and Kapur’s entropy for both termination criteria (maxFEs = 500 × m and maxFEs = 1000 × m) and number of threshold levels (m). (Otsu 500: Otsu’s method for maxFEs = 500 × m, Otsu 1000: Otsu’s method for maxFEs = 1000 × m, Kapur 500: Kapur’s entropy for maxFEs = 500 × m, Kapur 1000: Kapur’s entropy for maxFEs = 1000 × m).
Symmetry 17 01066 g005
Figure 6. Segmentation results of the best algorithms for Otsu’s method and maxFEs = 500 × m.
Figure 6. Segmentation results of the best algorithms for Otsu’s method and maxFEs = 500 × m.
Symmetry 17 01066 g006
Figure 7. Segmentation results of the best algorithms for Otsu’s method and maxFEs = 1000 × m.
Figure 7. Segmentation results of the best algorithms for Otsu’s method and maxFEs = 1000 × m.
Symmetry 17 01066 g007
Figure 8. Segmentation results of the best algorithms for Kapur’s method and maxFEs = 500 × m.
Figure 8. Segmentation results of the best algorithms for Kapur’s method and maxFEs = 500 × m.
Symmetry 17 01066 g008
Figure 9. Segmentation results of the best algorithms for Kapur’s method and maxFEs = 1000 × m.
Figure 9. Segmentation results of the best algorithms for Kapur’s method and maxFEs = 1000 × m.
Symmetry 17 01066 g009
Table 1. Mathematical model of the WChOA-FDB variants (proposed).
Table 1. Mathematical model of the WChOA-FDB variants (proposed).
AlgorithmExplanationMathematical Model
Case-1In this case, the proposed development process was achieved by replacing the X D r i v e r component in driver equation with FDB method ( X F D B ).   D D r i v e r = C 4 X F D B M 4 X (23)
Case-2In this case, the proposed development process was achieved by replacing the X component in driver equation with FDB method ( X F D B ).   D D r i v e r = C 4 X D r i v e r M 4 X F D B (24)
Case-3In this case, the proposed development process was achieved by replacing the X A t t a c k e r and X D r i v e r components in attacker and driver equations, respectively, with FDB method ( X F D B ). D A t t a c k e r = C 1 X F D B M 1 X
  D D r i v e r = C 4 X F D B M 4 X
(25)
Case-4In this case, the proposed development process was achieved by replacing the X A t t a c k e r and X   components in attacker and driver equations, respectively, with FDB method ( X F D B ). D A t t a c k e r = C 1 X F D B M 1 X
  D D r i v e r = C 4 X D r i v e r M 4 X F D B
(26)
Case-5In this case, the proposed development process was achieved by replacing the X and X D r i v e r components in attacker and driver equations, respectively, with FDB method ( X F D B ). D A t t a c k e r = C 1 X A t t a c k e r M 1 X F D B
  D D r i v e r = C 4 X F D B M 4 X
(27)
Case-6In this case, the proposed development process was achieved by replacing the X component in attacker and driver equations, respectively, with FDB method ( X F D B ). D A t t a c k e r = C 1 X A t t a c k e r M 1 X F D B
  D D r i v e r = C 4 X D r i v e r M 4 X F D B
(28)
Case-7In this case, the proposed development process was achieved by replacing the X B a r r i e r and X D r i v e r components in barrier and driver equations, respectively, with FDB method ( X F D B ). D B a r r i e r = C 2 X F D B M 2 X
  D D r i v e r = C 4 X F D B M 4 X
(29)
Case-8In this case, the proposed development process was achieved by replacing the X and X D r i v e r components in barrier and driver equations, respectively, with FDB method ( X F D B ). D B a r r i e r = C 2 X B a r r i e r M 2 X F D B
  D D r i v e r = C 4 X F D B M 4 X
(30)
Table 2. Summary of the CEC’2020 test suite.
Table 2. Summary of the CEC’2020 test suite.
No.Function TypeFunction Description F i * = F i ( x * )
F1UnimodalShifted and Rotated Bent Cigar Function100
F2Multimodal FunctionsShifted and Rotated Schwefel’s Function1100
F3Multimodal FunctionsShifted and Rotated Lunacek bi-Rastrigin Function700
F4Multimodal FunctionsExpanded Rosenbrock’s plus Griewangk’s Function1900
F5Hybrid FunctionsHybrid Function 1 (N = 3))1700
F6Hybrid FunctionsHybrid Function 2 (N = 4)1600
F7Hybrid FunctionsHybrid Function 3 (N = 5)2100
F8Composition FunctionsComposition Function 1 (N = 3)2200
F9Composition FunctionsComposition Function 2 (N = 4)2400
F10Composition FunctionsComposition Function 3 (N = 5)2500
Search range: [ 100 , 100 ] D , D: number of dimensions. (10, 30, 50, 100)
Table 3. Friedman test rankings for WChOA and WChOA-FDB variants.
Table 3. Friedman test rankings for WChOA and WChOA-FDB variants.
AlgorithmDimension = 10Dimension = 30Dimension = 50Dimension = 100Mean Rank
Case-1 4.6814.9384.7854.8024.801 5th
Case-2 4.6784.6834.8044.7234.722 3rd
Case-3 4.8264.7954.6234.5904.708 2nd
Case-4 4.8644.7094.6974.4924.690 1st
Case-5 4.9215.1905.1194.9335.040 7th
Case-6 5.3165.1835.1855.0575.185 8th
Case-7 4.8974.8424.6974.8524.822 6th
Case-8 4.9164.4784.7784.8384.752 4th
WChOA5.8976.1786.3076.7096.272 9th
Table 4. Wilcoxon pairwise comparison results between WChOA-FDB variants and WChOA.
Table 4. Wilcoxon pairwise comparison results between WChOA-FDB variants and WChOA.
vs. WChOA
+/=/−
Dimension
10
Dimension
30
Dimension
50
Dimension
100
Case-15_5_06_4_06_4_05_5_0
Case-25_5_06_4_04_6_07_3_0
Case-3 4_6_05_5_06_4_07_3_0
Case-4 4_6_05_5_05_5_07_3_0
Case-5 5_5_04_6_04_6_06_4_0
Case-6 4_5_14_6_05_5_06_4_0
Case-7 4_6_05_5_06_4_05_5_0
Case-8 4_6_05_5_07_3_05_5_0
Table 5. Algorithm settings.
Table 5. Algorithm settings.
AlgorithmSettings
WChOAsearch agents = 30, ….
ABCcolony size = 50, SN = colony size/2, limit = D × SN
CSnumber of nests = 25, probability = 0.25, beta = 1.5
GWOnumber of search agents = 30
HHON = 30, Bfid = 1, nD = 10, Jr = 0.25
MFOnumber of moths = 30
SCAnumber of search agents = 30, a = 2
SSAsalp population size = 30
Table 6. Friedman rankings of algorithms at different threshold levels for maxFEs = 500 × m and maxFEs = 1000 × m (Otsu’s method).
Table 6. Friedman rankings of algorithms at different threshold levels for maxFEs = 500 × m and maxFEs = 1000 × m (Otsu’s method).
3 × 25 Run (RGB), maxFEs = 500 × m,
m = 2m = 4m = 6m = 8m = 10m = 12
Case-2 (6.98)Case-2 (7.92) Case-7 (8.03)Case-8 (8.07)Case-7 (8.07)Case-8 (8.22)
WChOA (7.60)WChOA (8.21)WCHOA (8.19)WCHOA (8.34)WCHOA (8.21)WCHOA (8.33)
HHO (9.50)GWO (8.93)GWO (8.89)SCA (8.40)MFO (8.68)HHO (8.56)
SSA (9.63)SSA (9.01)MFO (8.98)MFO (8.83)SCA (8.98)SCA (8.72)
SCA (9.73)MFO (9.21)SSA (9.37)GWO (9.13)SSA (8.99)SSA (8.79)
MFO (9.84)HHO (9.29)HHO (9.41)SSA (9.23)HHO (9.13)MFO (9.226)
GWO 9.85)SCA (9.85)SCA (9.42)HHO (9.34) GWO (9.44)GWO (9.23)
ABC (10.33)CS (9.98)ABC (9.73)CS (9.99)ABC (9.78)CS (9.53)
CS (10.79)ABC (10.23)CS (9.92)ABC (10.26)CS (10.05)ABC (10.35)
3 × 25 Run (RGB), maxFEs = 1000 × m,
m = 2m = 4m = 6m = 8m = 10m = 12
WCHOA (7.05)Case-1 (7.61)Case-2 (7.89)Case-8 (8.18)Case-1 (8.27)Case-8 (7.84)
Case-1 (7.31)WCHOA (7.72)WCHOA (8.12)WCHOA (8.53)WCHOA (8.33)WCHOA (8.27)
SSA (9.61)MFO (9.22)GWO (9.03)MFO (8.85)SSA (8.91)MFO (8.51)
SCA (9.89)GWO (9.30)MFO (9.11)GWO (9.00)HHO (9.069)SSA (8.73)
MFO (10.00)SCA 9.32)HHO (9.12)SCA (9.19)GWO (9.074)GWO (9.06)
HHO (10.09)HHO (9.62)SCA (9.38)HHO (9.38)SCA (9.13)HHO (9.24)
GWO (10.14)SSA (9.77)SSA (9.79)CS (9.54)MFO (9.30)SCA (9.35)
CS (10.67)ABC (10.15)CS (9.94)SSA (9.58)ABC (9.46)CS (10.22)
ABC (10.80)CS (10.36)ABC (10.13)ABC (10.10)CS (9.89)ABC (10.23)
Table 7. Friedman rankings of algorithms at different threshold levels for maxFEs = 500 × m and maxFEs = 1000 × m (Kapur’s entropy).
Table 7. Friedman rankings of algorithms at different threshold levels for maxFEs = 500 × m and maxFEs = 1000 × m (Kapur’s entropy).
3 × 25 Run (RGB), maxFEs = 500 × m,
m = 2m = 4m = 6m = 8m = 10m = 12
Case-8 (7.80)Case-2 (8.44)Case-7 (8.33)Case-8 (7.98) Case-2 (8.47)Case-1 (8.59)
WCHOA (8.23)WCHOA (8.77)WCHOA (8.61)SSA (8.28)WCHOA (8.59)GWO (8.62)
MFO (9.05)GWO (8.80)HHO (8.66)MFO (8.67)SSA (8.69)HHO (8.82)
GWO (9.22)MFO (8.83)SSA (8.86)GWO (8.73)MFO (8.83)WCHOA (8.826)
SSA (9.33)SSA (9.07)GWO (9.11)HHO (8.79)GWO (8.88)SCA (8.83)
SCA (9.63)HHO (9.15)SCA (9.11)WCHOA (8.95)SCA (8.96)SSA (9.07)
HHO (9.68)SCA (9.22)MFO (9.30)SCA (9.00)HHO (9.24)MFO (9.09)
CS (10.23)ABC (9.38)ABC (9.38)CS (9.65)CS (9.57)ABC (9.27)
ABC (10.34)CS (9.66)CS (9.68)ABC (9.70) ABC (9.59)CS (9.72)
3 × 25 Run (RGB), maxFEs = 1000 × m,
m = 2m = 4m = 6m = 8m = 10m = 12
Case-2 (7.65)Case-7 (8.16)Case-8 (8.48)Case-2 (8.38)Case-4 (8.44)Case-4 (8.18)
WCHOA (7.93)WCHOA (8.22)WCHOA (8.60)GWO (8.67)SCA (8.79)HHO (8.53)
HHO (9.16)GWO (8.82)SCA (8.70)MFO (8.72)MFO (8.93)MFO (8.61)
SSA (9.41)MFO (8.91)GWO (8.82)SCA (8.73)HHO (9.02)GWO (8.71)
SCA (9.48)HHO (8.99)SSA (8.84)WCHOA (8.74)WCHOA (9.14)WCHOA (8.86)
GWO (9.83)SSA (9.07)HHO (8.96)HHO (8.78)GWO (9.15)SSA (8.98)
MFO (9.95)ABC (9.41)MFO (8.97)SSA (9.17)SSA (9.22)SCA (9.33)
ABC (10.44)CS (9.51) ABC (9.38)ABC (9.31)ABC (9.28)CS (9.49)
CS (10.48)SCA (9.57)CS 9.99)CS (9.41)CS (9.61)ABC (9.59)
Table 8. The average fitness values of Otsu’s method in comparison with other algorithms (maxFEs = 500 × m).
Table 8. The average fitness values of Otsu’s method in comparison with other algorithms (maxFEs = 500 × m).
mIABCCSGWOHHOMFOSCASSAWChOACase-1Case-2Case-3Case-4Case-5Case-6Case-7Case-8
212737.0742725.2432743.7432739.3412737.3672735.0232742.0852752.0662748.824758.2272742.9762746.6752741.0952733.9232743.8372744.737
21546.1111542.6591543.1791550.0871549.5431542.6481550.2421558.8741562.891560.9211557.51556.0291555.3611545.9261557.6831558.725
32045.8232048.1592052.4382055.0562056.0452058.0832056.9862063.6692069.7522060.5432064.7572063.9252063.6972062.1562060.1292064.917
43751.2113750.5143746.453755.1813745.1713753.3483750.5863768.9453767.6193769.7863772.3743767.5593767.8733765.9013764.983769.406
56543.7766539.7346556.536553.1296548.0856555.4736550.0136572.9566572.6086573.756572.7676565.2866563.1626564.4336576.6486566.533
63410.2073432.6743433.3173432.8273422.7423432.1783426.8863432.6693437.1713438.643422.9883429.1213427.6793425.9443429.0483430.714
72001.3451992.5592006.842006.682006.0632002.7332008.4562014.9062011.1952009.4642015.9952010.72010.2752009.7412005.9132016.538
81332.6851325.1521328.7541339.7941332.7811337.1241338.2391346.5241349.7641346.321349.1341348.851341.3221345.0481346.2071349.081
93078.5933086.2743090.2383097.183090.7023088.6023096.8443108.9373099.9053107.0933096.7873099.83099.3243099.2983095.7163097.638
101525.8291500.7971526.8371531.6251508.1131522.8231522.1441532.4011532.891529.0451523.8381524.9091533.1221526.4151530.3281529.312
412971.2242983.7252978.5762979.1852982.4452979.0292979.6722980.4952985.0982983.4542978.8552984.1452983.5732982.6572983.6772985.035
21685.9281685.7861690.941690.2771690.9881684.6441691.2811691.9141692.1591694.7311693.8111690.7741695.5971688.211690.1371691.956
32237.9842233.4922242.1922236.822242.4012238.6482242.1142246.912251.6952247.2672243.7032246.0852245.6382245.3662242.7892247.555
43907.6473904.1173915.4653916.6743905.0693911.6863916.223916.3763916.0363920.9183919.8523918.1363920.5763913.9923920.1433919.481
56850.0466856.6426856.1636861.3596856.2166858.9826857.5056865.5786864.9336866.4696862.9376863.2686860.4616854.1386860.1966863.986
63626.9633621.6813635.8863629.1913635.1813634.5843630.8713639.5733631.2853632.2353639.3093630.1973634.9743633.7863636.2533640.083
72215.2662220.3312228.6992224.1142233.5592220.8612220.5342226.3232229.6032222.0142222.4312225.4572223.3792229.0352230.552221.228
81458.241460.8391466.0111461.551462.6921461.5511465.3461466.8071462.0931463.3851462.2091464.6891467.7571458.6661468.0581461.075
93326.8033329.5223340.7043340.9553336.0213336.2223341.6133342.2813338.8183350.1563340.2243340.153335.6433334.6653344.0943341.944
101731.0371725.5221732.671728.9781733.9611735.6431739.3351735.0711740.2341731.9571731.6661737.8911736.2471739.741742.0061746.334
613055.7863062.0763062.2983059.3773060.013057.8873059.6113067.0263062.1753065.0183060.0773061.5633064.1673064.0473062.8193064.734
21739.5411736.0571743.0461740.1141740.8161740.5051738.1221740.5031741.1371739.9361742.391743.0331736.7431738.721741.421740.668
32300.0562297.7082301.4622302.2652304.242302.3172301.6822302.7442305.4032307.6682305.1332306.6932300.9292308.0622307.6422305.348
43968.2163966.0643970.7113969.9963965.8293967.5663967.8463973.7053969.8143968.7323970.1323970.5263969.2213968.8343971.4353967.14
56944.816946.516949.0566948.2936953.9876950.3946951.486952.4116953.9826951.8836950.966948.66952.1846948.5456956.4716952.526
63703.8853707.0773707.8343702.8493706.9193709.8193706.1753709.4083707.6193709.9163710.5373707.3243708.6273710.733709.2753708.092
72303.4962297.1852304.3732304.3552303.9582303.7392301.5942304.9132303.752302.0272305.4362303.7542306.82305.372298.7062307.224
81505.3971507.4661512.1651512.441509.6121511.831509.7761513.2621511.1941508.6251512.0271510.2191511.1491511.1521511.321511.749
93419.0253421.2063424.4373422.9843426.6663422.3673422.7713427.8513429.7363427.1563424.2663425.2463427.523424.0293427.8583428.033
101792.2421791.9791796.2481797.4191794.9841792.3661796.7611795.8461794.5641800.3671797.8491794.2581795.8751797.8541795.2821794.056
813095.0353094.7883100.9353100.0123103.5953099.6563100.5063098.5463104.1243100.6373098.6263099.4793101.6773101.743104.2083100.35
21763.5231763.8791764.5961764.6431767.4691768.1151764.3921768.6531768.0171767.3281765.5181765.9581766.2871767.2161765.9961768.691
32330.2432332.2632334.5532333.8142333.9142335.0182334.3672335.8252332.992335.4022335.7292334.1782333.142335.6242334.0132334.405
43993.4173994.2063993.943994.9093993.2513997.0083996.9423999.813998.2073999.0833997.4433997.6453995.8693994.2763996.6133998.257
56992.466994.436995.4096994.5366995.8656997.456995.6046993.4956997.1856993.8486994.6446996.0196993.9276996.4186997.1896997.663
63742.9323738.3043742.1763745.0833744.7343747.1463742.2163742.3473742.4193739.7283744.6743744.94637423747.9313745.3433743.693
72341.4332337.6582341.7072340.952342.5992343.8162343.4572341.772341.3062345.0892340.6482341.9692341.9342339.0322341.9412343.293
81532.371533.4891533.2191532.8961535.0761534.2591536.21536.9041535.8191536.2281536.7541536.6371533.9631533.8721534.5131535.599
93462.0313461.8523464.5733466.3183461.8143462.4753464.6693461.0623465.9763463.8813465.4663463.1093465.68834633464.7243463.39
101823.2051822.0471825.3181822.8441823.571826.3541823.6711823.2381824.7761823.0241824.771824.6821823.9681822.8741824.1851823.903
1013121.2723120.7163121.5413122.4463121.883123.4613121.7073122.5483123.243124.933122.2753123.7883123.8133122.6233125.3033124.233
21780.8891779.3011780.6721781.5531781.7171779.9621780.4861782.6881780.8721781.241781.5691781.7221779.261782.7141781.4751782.744
32349.2232347.222349.9412349.6612350.5962351.1712349.7782352.8512350.9292352.0542350.1122351.1562351.0222351.1742352.2442351.718
44010.3424010.7534012.6254011.5584012.9294012.7164013.3074013.3264012.1874011.6484014.0594013.294010.7774012.0774013.8914013.239
57016.6777017.2477018.7617019.457020.4187018.4667019.577020.047018.9517019.8927019.97020.6787020.0317018.1657020.2027018.861
63764.0823767.5653766.5723765.6983764.9053764.8713768.0773764.1423765.8573764.8683766.763766.3913765.9133764.8143766.9283765.589
72363.5422361.7862366.9862365.1152365.0122365.6362365.3192367.3442366.1092364.1332365.7972366.462362.5342368.3232364.9992365.382
81549.7721546.9851550.6041550.5071550.8541551.8231548.6981552.821551.891549.9491550.9521549.481551.6131549.0121551.6651550.676
93482.5693485.2553485.2943486.9253486.1033485.1393485.893487.3323485.6833485.4213484.7553487.0113486.3883484.5863486.5933485.943
101841.1211839.2011841.3811841.7491840.3991840.8231839.5511840.7961840.8171840.7621839.5981838.9081839.9841839.9281839.3851842.901
1213136.0073137.8373137.8573136.93138.6683138.1443137.7663139.3963137.9333137.8613136.4873137.7123137.7153137.0823138.7693138.984
21788.9181789.9471789.8651791.4641790.5761790.1571790.6151791.1311791.841791.0681789.691791.5931790.9291791.8541791.9041791.554
32358.8812360.7232360.5192361.1722361.732361.3482362.5222363.3262362.4412363.2412362.4232361.6512361.4952361.4882362.5952361.647
44021.5424021.1014023.2764023.6164021.4524022.3954023.1764023.7924022.8394021.8724022.0234023.0284023.6274022.7984024.054024.98
57031.8767033.4847033.187035.3537032.0477035.9177034.2027032.9817034.4857033.4297033.6327032.5047033.8947034.9567033.9897033.885
63778.5323779.4733779.1623779.4493779.5653779.3413778.3953780.2793778.2713778.9423778.7443779.4723778.633777.833780.3633779.821
72378.5852378.1132379.1552379.1942381.5832381.1612379.6652379.4372379.4982381.2032380.3512378.1842379.6412380.0592381.3882379.248
81557.7261559.1541560.6261560.371559.7831560.1071561.2261561.3981558.8581560.8751560.7911560.691560.3791561.3931561.1811559.775
93499.9183500.5263500.8973501.6523501.3183499.1993500.5793500.4133499.3583500.8973501.2143500.3873501.7533499.8553501.5953500.624
101848.9161850.4361851.5961851.9211851.1591851.4581852.3211852.371851.2711850.8581851.4811852.1531851.1021850.8391850.911849.552
Table 9. The average fitness values of Otsu’s method in comparison with other algorithms (maxFEs = 1000 × m).
Table 9. The average fitness values of Otsu’s method in comparison with other algorithms (maxFEs = 1000 × m).
mIABCCSGWOHHOMFOSCASSAWChOACase-1Case-2Case-3Case-4Case-5Case-6Case-7Case-8
212728.0462736.8352735.8192738.8992732.2522743.272748.9842750.3042751.1122753.2232751.0622744.2492744.1172748.8432751.9342748.661
21541.2641543.5511553.0071542.0081546.2891544.8331547.8621566.51815601564.9811558.9831562.8991558.1241554.5141559.6791562.125
32045.6852039.0712055.4352049.2212054.0392053.0092052.0892069.1082071.5352065.3212063.7022070.7882062.6142067.0422064.5442064.917
43748.3633747.1323756.1053763.883756.7253758.5883761.663777.1233769.9233765.0233771.9373766.1273764.5523764.5883767.7473772.434
56538.6476541.1026548.0446554.8436551.4636560.3296562.0616577.0236574.4946572.7916561.2176567.0426566.9476568.3816573.8756575.547
63418.883428.0783425.073424.0683423.4483437.0353431.3213433.7693434.6323425.3043442.4653430.3433434.8233434.9833434.9923433.11
71998.9711993.1852001.7351995.3272015.3092011.6612004.8192018.9472014.7652010.0782019.2492009.5922013.0352004.642015.3672023.932
81333.4471338.0471342.0421342.8251340.981338.3111336.6571345.3541346.9921350.591342.1851344.2591348.6651336.1411350.5151351.343
93076.5263074.33092.043093.2253082.1863082.653080.2013108.3863102.9833102.3633100.2893108.1973104.6253094.0633098.9073103.495
101512.5761520.5291522.591531.7791528.3891529.761528.4721527.6221529.5971530.7151528.4771534.0441531.2551541.0851528.881529.634
412968.8772974.6732976.9532982.6462983.7812983.1822974.8862986.182993.5272983.1452985.5452979.4492985.4972990.7442984.5012989.566
21685.7341684.6971691.2531688.2411688.1541685.9251688.0851692.0831692.3181693.6471688.9291690.5281689.8971694.2521690.3321692.058
32236.7632233.6712239.5222237.0482239.5332243.7532241.442247.712251.862244.4492246.8072243.1062241.3592241.432239.9212249.022
43911.9463906.8413913.9863912.1543913.1673914.5143910.0333922.9883918.9093918.2893915.9133922.2493918.583916.5183921.513921.867
56853.3416853.0166857.6196859.2576860.2166856.9586851.5836870.8196870.5546869.9626867.7856865.2976859.286859.3286860.5416864.823
63622.1643628.4693632.1143629.3863631.1823636.2823632.7843634.4093639.173632.6993635.7233626.9033632.4513630.293628.6963629.595
72223.0862220.792221.212218.4132230.9962229.7732225.542231.3882226.7212232.2322225.852227.682228.3912224.4342225.592228.059
81460.3921453.181462.3041456.4051464.131460.0321465.2291465.8371463.3221465.0491463.7081462.6941462.9841464.7931467.9231470.102
93334.4963335.0093336.263342.413336.5263332.3213332.073346.0393345.4753343.6083338.9673337.2573339.6793340.7033342.7453343.647
101731.6411732.621739.7041738.4751734.8561734.8961738.8161736.5811737.5711739.481739.41735.2781740.5741734.6751733.1971740.018
613054.893057.8753065.1023060.3553065.5343058.2643058.4353064.3053062.1553060.9063065.7913065.0273063.0153059.5963061.1473062.069
21736.2951740.6011741.5671742.6091741.8261738.1281736.9161741.4911742.8111743.1011742.8871739.931740.6561740.0161740.3651741.52
32297.2282298.3162299.4782300.5462303.9112303.2892302.2672307.6012306.6692309.7622304.0632305.3432305.6312304.5572306.8972304.655
43966.8323966.3463968.783968.8523965.1583968.2343967.5713971.7483971.5973973.7893970.3123971.8213971.7193970.1953971.473973.35
56948.4136946.3236953.7076951.9626949.0136952.8386951.8626958.5646952.0676955.26956.266955.7166947.416954.7646955.3496955.144
63704.8393703.5343707.7623706.6173708.8633710.3173706.3953707.583708.3173706.5993707.5313704.2823708.0523706.7033704.9963708.614
72299.5872302.1182304.1252302.6482302.8552300.7342303.1642306.072307.3612304.452305.2952306.1472303.0552301.4392302.7572301.506
81507.6231505.3381511.0081509.3251513.3021508.2431509.081513.861509.1191511.7011508.8911510.771507.2691508.6521512.7741511.701
93418.7853419.9153419.673423.6553421.6953422.7163421.2993428.23423.163423.5163425.0313420.2093425.4773423.8093422.043426.303
101791.0851795.0631797.0061794.6991797.0441795.8191795.1451796.5871795.5661798.7231798.1051799.6721792.641796.0221796.4091792.647
813095.4243098.2263096.0923097.6043102.5783099.5413099.1913099.2123101.3583101.7783100.1793100.5023102.2523099.0983101.873100.961
21763.6051764.151765.1181763.9811764.7571766.2391764.5891766.6571766.2141766.3621767.3231766.7021767.3321767.6771766.731767.469
32331.6832332.3292336.4072333.4292333.3532332.6812330.8972334.9252335.5952335.2062334.7942335.3132331.8372333.5052335.3472335.138
43991.3943993.5463996.5263994.5963995.8943995.083993.9473998.5843996.093995.6833994.9393997.8783995.4563996.0913997.7433998.184
56994.5746992.4896996.9826995.7666996.976996.5456995.526996.5966998.9216995.7236995.5796996.4296994.36996.6246996.0086996.598
63740.6193743.2013744.6523747.4143742.6793745.0833742.6763745.3043746.5053743.0333742.8773744.6693741.5163742.2743745.2463744.463
72338.0082339.882341.9082341.7522340.7852343.0722344.4212343.8932344.6842344.9752344.9282343.4542339.1252339.5132343.1812342.491
81532.2061534.4541535.4691534.5941536.0511536.1611533.0731534.4291534.3211534.7741534.5441535.9121535.2871535.8011535.951535.511
93460.8323461.6653461.8333464.0593465.0073463.4353460.8463464.9623464.0633464.7943464.0073464.5923463.6113459.9173463.1953462.235
101821.581823.3731825.4241823.7691823.7321823.6991823.891826.2431824.1031824.8481822.6751822.1791823.9441824.5981821.6391825.766
1013121.5663121.4363122.4193123.9413122.6623123.4083122.7363122.2293125.3663124.4733122.2043123.7043125.0353123.7913122.5373124.241
21779.861778.5081780.321781.4541780.511780.5121781.7931781.9021781.1221782.3741781.8711780.9331781.0021780.9461780.1071781.327
32348.2922350.1542350.0282348.6082350.0752349.6182349.9012352.942351.652352.2432351.1262351.072352.1782351.4732351.4472351.905
44011.7654010.7084012.0094012.2434012.0244012.824011.9994013.1064013.3214013.074013.4524013.3954013.2464011.0174013.6454012.578
57018.3327016.67018.8027020.3957019.0527018.8177019.5947019.277018.4967018.3137017.2087019.2067017.4967019.5347018.5357019.683
63765.2213765.0843766.5473764.5973764.3293765.0633766.1013764.8793766.7033767.2713766.7533766.1113763.7963764.8213767.2543767.566
72362.3722364.7212367.7842365.2642367.0742365.7712363.4362366.8162364.5382366.5952365.1532365.2982364.942364.7682366.192365.625
81547.351548.8571550.5231549.751550.3391548.4361550.9021548.9171550.3331551.1651549.4111550.6271548.3171550.9111550.5351550.003
93484.5843486.23487.5553486.8813486.4993486.4783488.1783486.4533485.4183487.5193487.6663485.4113485.4993486.5593486.853486.332
101840.4011841.1791839.4021839.9811840.2791841.1441840.1321840.8661842.4751840.5781839.7411840.3521840.6481840.581839.7151838.935
1213134.443136.63136.6883138.2533139.3683137.473137.2953137.7193137.1973138.0163137.1493136.7063136.783137.3563137.763138.711
21791.0531790.061792.7631791.2361792.3441790.5941791.3591791.6751791.0341790.5691792.461792.2751792.1911790.1351790.751791.757
32359.7762360.0972361.1012359.6972361.5862361.252362.3242362.1882362.0232363.4472360.7052362.2972360.7492362.5132362.6172362.435
44021.8084020.9944022.9814022.7524023.0664021.6064022.5344024.3954022.6994023.964021.7344021.8954023.0164022.6244021.9044023.955
57030.887030.2637032.8217033.7337033.5727034.0367033.3357034.6577033.9167034.097035.2727035.667034.4467034.7047034.7347035.379
63778.6423777.9263780.4913780.753779.2423780.0823779.8223779.7393778.2843777.893779.9663780.1463778.8243780.963778.1953779.976
72379.7712377.9312379.5292379.4732378.3062380.1842380.4022379.7992379.0722379.9932378.7072378.7492381.3092380.6052380.0092378.113
81560.0641560.4181560.1951560.0761560.0091559.9231558.5661560.5841560.8621560.4711559.6531560.8661560.9781560.2511560.3211559.517
93499.5433500.393502.0583499.723501.4493501.5653500.3383502.9463500.5963500.4583499.7823500.1543500.3133500.5513500.3733501.486
101850.5061851.9651851.881851.1971851.6011850.4971851.7151851.9011850.0731851.441852.0091852.0281851.3571850.5211851.5291850.593
Table 10. The average fitness values of Kapur’ entropy in comparison with other algorithms (maxFEs = 500 × m).
Table 10. The average fitness values of Kapur’ entropy in comparison with other algorithms (maxFEs = 500 × m).
mIABCCSGWOHHOMFOSCASSAWChOACase-1Case-2Case-3Case-4Case-5Case-6Case-7Case-8
2118.136818.149518.150418.149418.163218.173618.147118.200918.194618.204418.175818.180918.203218.184518.191618.2008
218.027618.003218.065718.059318.054318.017718.04718.085618.105218.090218.07818.069318.061418.061418.083818.0919
317.806717.818117.830217.824217.826217.813617.831617.849117.847817.838817.843617.854917.854117.839817.843817.8435
417.360817.34517.387517.378817.390317.378617.396517.406417.413417.403517.392817.404117.398517.369817.415317.4212
517.384917.386317.40617.402917.406817.429817.398417.404317.404117.435317.427917.415617.411717.433817.440617.4414
617.887317.869117.865617.872317.887917.891317.874317.931717.92817.914417.908817.900117.915417.908317.917117.9069
718.128618.117418.135518.157418.1518.137818.142718.165618.156718.155218.145818.16218.151218.162618.151818.1656
817.594417.634617.63517.623117.62617.634817.632117.658917.647517.644117.6417.653617.64617.634517.652517.6411
918.343118.334118.343618.345718.33918.338618.341518.370318.368218.358718.369818.36718.362118.36318.368318.3682
1018.035618.064518.073318.05518.080818.044718.050718.110118.150718.080218.088518.082118.110418.095918.082518.0971
4126.453926.428426.473126.415626.477526.454926.486426.518626.504726.500726.512826.524626.493326.471826.571526.5016
226.378826.304726.330326.453126.488926.429726.439426.399126.470826.444626.500126.421426.454126.477726.493926.4452
326.442726.485826.524926.466626.453126.482426.422326.584926.548126.569326.568226.527426.497526.501826.482826.5274
425.621625.607225.695725.606225.716625.661825.695125.601725.622225.622325.671425.678425.632425.621525.65225.6894
525.612425.535825.615425.589525.583625.527425.531425.609525.652325.613525.568125.57825.537925.576425.552225.5412
626.163126.223126.312826.275926.242326.224826.232726.473926.359326.337226.386526.356126.263826.252826.373626.3258
726.321826.363526.477826.385826.394626.424726.435826.513326.515226.427626.439926.467126.564726.460726.481326.5471
825.939925.930326.007826.078326.0632626.002226.031526.006225.99326.057826.014826.023326.006926.027326.0043
926.751326.87926.855826.843726.839926.863226.823926.896926.908226.918626.842926.848126.875426.895126.904626.875
1026.230226.256226.243426.270126.280126.317426.316726.326226.342826.30126.263526.304226.361926.26226.401626.324
6133.488133.478933.436233.500833.45533.556533.586733.636333.519833.60833.576433.622933.565233.489233.514233.5267
233.379233.362133.463533.56433.412833.458133.453833.609733.494633.497933.545933.459333.591133.529333.664233.5527
333.662933.517633.624933.747133.707233.594833.651133.721133.685233.683733.592333.62333.693133.646533.744833.6681
432.354332.435732.392832.452932.443232.559732.400332.380432.471132.540132.396732.51532.509332.420232.452632.4715
532.366632.285932.556732.506632.388132.197632.453732.344832.442532.319532.485132.352532.415732.418532.503632.3567
633.305233.248933.447733.306533.40933.416833.47233.485833.442533.506633.42533.510633.440433.245833.357633.3715
733.331733.394933.465233.384133.43533.447533.499433.489933.482733.450933.512933.430433.492933.465533.477233.5274
832.851532.855833.07432.975333.112132.950533.052533.033432.949232.947433.079432.933432.971332.95132.955532.9727
933.74133.922533.959433.91733.817833.948733.957934.023333.861933.998633.909733.955533.927133.930333.955233.8695
1033.245733.225433.300133.188933.398533.237533.356333.336533.302633.338933.259633.296233.340433.206133.343133.3367
8139.654239.604639.728939.620339.721439.824439.764739.777639.825539.710539.6939.705339.495139.50839.652239.8859
239.48539.653239.670439.530839.722839.58339.678439.527539.619739.475239.43739.626439.640439.79839.720339.6696
339.785139.672439.996339.995539.930439.901740.014239.848540.093439.821839.94539.917139.893539.861739.974639.9929
438.163238.272538.489138.504138.540638.224238.462538.472938.380338.430438.39438.403738.303838.477738.43338.6501
538.194438.133738.202338.337338.197738.353438.430438.275538.340638.395138.372338.359438.353138.314938.310738.4203
639.384739.479939.688139.605439.455339.581839.61139.622339.467339.425639.614639.739639.607439.436739.46939.6697
739.232839.5139.620339.653539.577939.516739.596539.763639.617539.806639.652639.624939.601339.611839.834339.6979
838.810838.986639.056939.175139.046839.103539.033339.11338.936939.158938.988339.023339.114339.057139.161539.174
939.945240.000140.252240.125940.023740.140540.106940.089140.083140.073140.103440.161840.076239.94640.021640.1562
1039.279739.382539.515439.489739.356539.371439.399939.535839.370239.451139.386639.553439.625739.465339.651939.4061
10144.882244.999745.116345.119745.188844.898745.157945.296345.089845.326445.039844.97345.248245.177845.122245.1331
244.881945.094845.12945.17945.240445.032945.182945.298145.215345.113445.170745.143245.019645.20845.18745.2354
345.341345.1845.355645.206945.266345.39545.26845.419745.340145.272145.215745.407845.366745.344145.505445.3096
443.639843.446643.670143.672843.62743.645643.750243.668243.804843.828943.665643.724643.644843.759343.729943.6969
543.453443.525743.597443.467743.600743.68743.636443.504243.571343.728543.677543.45643.68743.66643.475443.5855
645.032744.749645.160944.987844.937945.228645.124345.154445.103945.062844.976845.204944.899344.911745.070145.093
745.050745.074645.15345.124945.107245.294344.948945.017845.401645.215145.203545.138944.993745.183845.067945.0423
844.364744.135844.402444.536744.438844.5144.405844.347244.324744.452444.247844.387844.496344.741344.398944.3034
945.390245.531945.792445.60245.764945.579945.528545.535845.538645.535545.52645.558445.613245.622245.658845.4983
1044.662244.61644.8144.934244.682145.005645.05444.98545.099744.878145.095445.018944.986345.028444.915444.9266
12150.10949.962950.038850.12550.039150.144850.041449.976550.093750.051750.125949.986450.019950.19749.88950.0596
249.966449.722349.910650.055149.834550.121949.93450.213950.174250.166650.042450.358949.903450.125550.0450.1106
349.993550.11850.41750.16650.284950.154650.27950.22550.267650.313750.127350.202250.088650.325550.287250.3428
448.540148.149548.691648.511648.514848.593348.421448.591348.705248.634248.540848.532148.595648.577148.471348.6433
548.338148.418148.500648.407948.493548.276548.417748.354848.350748.338348.529748.31548.376948.298848.241248.32
649.686449.984949.777950.055849.785749.900449.85650.113449.928649.973850.092250.128849.903149.809849.960349.8359
749.975449.71650.019549.93949.895349.840749.900650.069349.890749.8949.968549.724149.962749.924849.779550.1329
849.257348.917549.151849.370149.219649.088649.158449.226149.265249.193649.252549.21849.162749.061149.424449.0695
950.230150.222950.396150.400350.264350.475450.584250.542350.5450.579750.390750.631250.52850.603650.578750.7503
1049.669749.800450.061749.740249.891149.970749.919949.797949.679149.773449.862649.872249.739649.803149.665749.705
Table 11. The average fitness values of Kapur’ entropy in comparison with other algorithms (maxFEs = 1000 × m).
Table 11. The average fitness values of Kapur’ entropy in comparison with other algorithms (maxFEs = 1000 × m).
mIABCCSGWOHHOMFOSCASSAWChOACase-1Case-2Case-3Case-4Case-5Case-6Case-7Case-8
2118.1476718.1309418.170618.176318.1590218.1573318.1584218.1990818.1899318.2124318.1999518.189818.2121818.1904118.2144518.18947
218.0354818.0413118.0644618.0611718.045518.0539818.0379918.1048318.0746518.0916518.0580718.0781318.0732918.0562918.1020118.07103
317.8033117.8033617.8119517.8211217.8204617.8321417.8223817.8526217.8608317.852417.8509517.8429717.8544117.8561717.844717.85286
417.3513717.360317.3682117.3973117.3746517.3720717.3842817.4155317.4080517.4179917.4042617.4184317.4064817.3929817.4190217.40711
517.3812817.3772417.4120417.4187817.4072817.4196117.4422117.4203217.456117.4349817.4364417.4384717.4251317.4420317.4483617.4398
617.8548617.8862117.8798217.8565417.8889217.8860617.8778917.9322417.9276217.9256417.921217.9160117.9270517.9022417.9319917.9277
718.1277218.130218.1418318.1366418.155718.1293118.1550818.1507618.1566618.1711718.1462518.1514518.1652218.159518.1666718.1595
817.6371117.6177917.6387617.6306117.6235817.6301517.6253917.6422317.6588117.6636517.6395917.6503217.6357717.6400217.658417.66009
918.3164618.3336718.355418.3497818.348118.332618.3622818.381818.3762518.3786118.3539218.3518718.3652118.3616418.3828718.36859
1017.9739318.0712518.0845418.0957918.0602818.0627818.0670618.1441918.1179118.1339618.090918.1042218.0918518.1105518.1376518.11907
4126.4541126.4957726.4676326.5182726.5210926.3783526.4437626.5408126.4681826.5004226.4764326.4867126.4901326.4764226.4900126.48164
226.4144626.3857426.4430526.4702226.4546326.3810726.4319826.4290826.4404526.4412126.508826.4620326.5378626.4311726.5060726.4463
326.4694226.5100426.5214926.5030826.4936326.5405326.5370526.6018126.5695126.5636326.552626.5672626.539326.5020926.6457126.55301
425.5604225.5762425.6893525.6556525.6545725.5962325.6074625.6980425.61125.6539225.7104225.6229125.5962925.5764225.67925.68349
525.5536925.5203825.6188625.549625.5813525.5836125.6280125.6545925.6159125.6506625.5905625.6382725.5459725.5740725.5933425.66629
626.2154626.3332626.2009426.3393326.2161826.2134426.2282426.4537326.3717226.3714726.3623926.3305526.3326826.3119926.4499826.396
726.3620826.3423826.3889726.4838126.4732226.4674726.4950426.5743226.5068126.5033126.458726.4524726.4775626.4594126.5786626.57071
825.9311625.9360226.0072525.9744125.9713925.9887825.937226.0706826.0079526.0346726.0419925.966326.0288226.0184226.0128326.11938
926.7723126.6938526.8085226.824426.8299326.7995326.8469926.9362826.8589726.8539526.9019626.8576926.8127926.8600826.8819226.81662
1026.2555826.2734126.2568826.3413426.3453626.3769526.3583826.3534626.3352726.3676726.3563826.269426.2799226.3103726.3880426.37315
6133.451533.2501133.5581333.5195633.5048233.5595333.5969333.5782533.5455333.5454733.5348533.5545433.6094133.547233.5290133.60797
233.4076533.4500933.4225633.5235833.515333.4604133.4608233.4474733.5111633.4638133.5471333.4353433.4962733.3736633.5435733.51226
333.5853633.5853233.6518333.6562133.7207233.737333.6693733.7124133.6646233.7463733.6676233.7228633.6937233.7712133.7555233.70939
432.4975432.3478232.4622432.3850832.3430632.5822432.4072832.5339932.4413332.4324732.4681432.4689732.5441432.4082832.4974432.53452
532.3672532.2666432.4473632.3494732.38732.3235132.4520532.4750432.4483332.392432.3594332.4373332.3355732.4361432.2995132.40067
633.205533.2591733.3750233.5346633.3756133.2975433.395933.4631333.4519533.3451933.3899333.4725133.3911333.315833.4318533.34999
733.4508733.3968833.4466233.4727633.4842933.4091133.4200533.5362133.5251133.4769433.4084633.4097133.5468733.4743833.4756133.47385
832.977932.9201432.9879333.0584332.9603732.9387933.0714333.1108333.0270632.9700633.0184133.0586833.053332.9901832.908333.01988
933.8109433.7496133.78333.8844433.9581233.9624933.9155933.9646333.9560333.9687733.9299933.938434.0552733.9377433.9457833.97326
1033.2826633.2168233.3088233.2479933.4325133.3728133.2069233.3455333.3681633.3262133.252133.3128333.4209533.3654933.4214633.36
8139.6161939.7344439.8048339.6665639.6664439.515739.6302239.7288139.8045939.8101739.6150539.5561539.5944539.5060639.6951739.81722
239.5513439.4321239.6087239.6920339.6678539.7004139.6369539.6521739.7189739.6205539.618839.6713139.6187639.5904139.6532339.64281
339.8698439.812539.6768339.9745839.8757239.8659539.7722139.9465239.6826739.9466139.9645339.9140439.7268739.9133239.8887439.90031
438.1703338.13238.4471438.3168938.3495738.5518638.4044138.3390338.348338.4332838.404938.5050138.4618238.3549338.4305638.371
538.2306438.2773438.4114438.3003638.4131638.3692238.1896738.3218338.3511538.3629438.3098138.1074238.3718538.1376538.3678438.29102
639.4249439.4097439.3567339.5957339.5179739.5939239.662539.662639.49639.6282139.5747439.444639.6333639.4912539.5523739.59789
739.5061439.5001939.5854239.5107939.7133739.5376139.6208539.6634239.5972239.582839.5798739.6070539.7252339.4658239.6750839.69874
838.9326639.0062139.0902239.118539.0847939.1009938.9590439.0868239.1742738.964339.0904639.003739.1575738.9859339.0706739.01538
939.9833640.0172440.1316640.0366539.9363540.0719539.965840.0678640.1336340.1617540.0708940.1201340.1034640.0158739.9666340.1872
1039.3995839.3614539.5087239.3739239.5251439.5656339.5143539.4512839.4853139.3578139.4726539.4503439.4027239.3849339.3182239.46983
10144.9259544.9581545.2194945.109945.0959845.1246545.046345.1448645.1223645.0263145.0946245.2497845.1907245.0999745.0710445.11422
245.1012344.9023444.9352745.1206645.0376545.2645645.1217644.9220845.2761944.9961845.1370444.9521945.0564645.1130145.1282644.94391
345.3374245.2662645.2489745.3027345.3785945.3148445.0491845.27845.3769845.4013645.3085845.3970345.3529745.5849145.2289945.33917
443.5031343.5385243.76343.7002443.5865343.7377443.7397943.770443.7968843.7650543.7978743.9074943.7222243.9763743.8542943.73717
543.6357843.4330243.604143.5363243.5917243.6324443.6413343.5461843.6432943.5208143.6855643.7743243.6902643.6137643.6139643.77545
644.7911644.6937844.9535245.1439445.0599145.1084444.9736145.1290245.0468545.1222445.0640145.1521845.062845.0489144.944144.88314
744.7209244.9817845.1307445.2607144.9688344.9538745.1809945.0731845.0685145.1050344.9929844.964445.0114944.9241645.0960545.09465
844.2366744.2447344.6169544.5481244.5024944.2976444.5020444.5143644.149844.5425644.3659844.6120744.3854944.44444.3032244.46693
945.322945.5787345.5625945.6114445.4520445.5398545.4520645.4856545.7540745.5655345.6293745.621645.4495745.4980445.6037545.50334
1044.9284244.8542244.8494645.0554444.9663345.0342844.8472344.904744.778845.0759944.8605144.8930244.8602944.8300144.9879344.97868
12149.7820549.836150.0441950.2173449.9909149.8274550.0166350.1059549.7990549.8911749.8856550.0664550.2332850.1334649.9570550.0251
249.8373449.9552749.9820449.9492250.0817950.0067550.0116150.2100250.1644850.0383850.0283850.1447149.7684150.0743349.9778449.89936
350.0628649.9490750.3701650.1991850.3915450.1523350.2449150.1517350.3694650.4639750.2006650.464250.2440250.2832550.241650.18644
448.4648148.416248.3810548.5938248.5658748.4184648.2972948.4670848.54148.56648.4306548.6411848.5383848.4513848.4202148.5094
548.2949648.3405948.5136948.4859648.4381348.2810848.4776548.1840248.3868748.3326848.2471848.5503648.4868848.4249648.2862148.4933
649.6719849.9053249.809849.868849.9802250.1447249.989149.9017449.9737249.939549.9614449.818250.1064250.1052749.8194250.13004
749.7059549.8915349.6936550.005249.8750449.7509649.9140950.0399849.9081649.962549.8698249.8551449.9462750.0056750.0332349.95783
849.0343948.8546749.1710549.2073449.465449.0384449.0835149.4073749.2346749.3535349.5226549.1835649.1927249.3673549.297249.24936
950.124950.4705350.5114550.3399750.3892350.7006250.7539450.6675150.39250.6304550.4772450.5406450.471150.4451750.3681850.20471
1049.6742649.6683950.0414749.8144949.9888450.0410849.9032349.9243349.913349.7557149.9803949.7750349.858649.7665649.8374449.85563
Table 12. Top ranking algorithms according to the Friedman scores.
Table 12. Top ranking algorithms according to the Friedman scores.
Threshold Levels (m)
Fitness FunctionmaxFEs24681012
Otsu’s method500Case-2Case-2Case-7Case-8Case-7Case-8
1000WChOACase-1Case-2Case-8Case-1Case-8
Kapur’s entropy500Case-8 Case-2Case-7Case-8Case-2Case-1
1000Case-2Case-7Case-8Case-2Case-4Case-4
Table 13. Computation times (in seconds) of the base algorithm and FDB variants for m = 2, 6, 12 and maxFEs = 500d (1 image/1 run).
Table 13. Computation times (in seconds) of the base algorithm and FDB variants for m = 2, 6, 12 and maxFEs = 500d (1 image/1 run).
Algorithmm = 2m = 6m = 12
WChOA0.746804 3.091970 8.489719
Case-10.728755 2.999997 8.689171
Case-20.740006 2.986108 8.759747
Case-30.733823 2.988904 8.453628
Case-40.769428 3.010361 8.455266
Case-50.734451 3.002919 8.770119
Case-60.723005 2.986360 8.816571
Case-70.727183 3.009741 8.463995
Case-80.725269 3.007105 8.587301
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Günay Yılmaz, A.; Alsamoua, S. Improved Weighted Chimp Optimization Algorithm Based on Fitness–Distance Balance for Multilevel Thresholding Image Segmentation. Symmetry 2025, 17, 1066. https://doi.org/10.3390/sym17071066

AMA Style

Günay Yılmaz A, Alsamoua S. Improved Weighted Chimp Optimization Algorithm Based on Fitness–Distance Balance for Multilevel Thresholding Image Segmentation. Symmetry. 2025; 17(7):1066. https://doi.org/10.3390/sym17071066

Chicago/Turabian Style

Günay Yılmaz, Asuman, and Samoua Alsamoua. 2025. "Improved Weighted Chimp Optimization Algorithm Based on Fitness–Distance Balance for Multilevel Thresholding Image Segmentation" Symmetry 17, no. 7: 1066. https://doi.org/10.3390/sym17071066

APA Style

Günay Yılmaz, A., & Alsamoua, S. (2025). Improved Weighted Chimp Optimization Algorithm Based on Fitness–Distance Balance for Multilevel Thresholding Image Segmentation. Symmetry, 17(7), 1066. https://doi.org/10.3390/sym17071066

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

Article Metrics

Back to TopTop