Next Article in Journal
A Novel Hybrid Artificial Intelligence Based Methodology for the Inventory Routing Problem
Previous Article in Journal
A Hybrid Contraction that Involves Jaggi Type
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dragonfly Algorithm with Opposition-Based Learning for Multilevel Thresholding Color Image Segmentation

College of Mechanical and Electrical Engineering, Northeast Forestry University, Harbin 150040, China
*
Author to whom correspondence should be addressed.
Symmetry 2019, 11(5), 716; https://doi.org/10.3390/sym11050716
Submission received: 3 April 2019 / Revised: 14 May 2019 / Accepted: 24 May 2019 / Published: 27 May 2019

Abstract

:
Multilevel thresholding is a very active research field in image segmentation, and has been successfully used in various applications. However, the computational time will increase exponentially as the number of thresholds increases, and for color images which contain more information this is even worse. To overcome the drawback while maintaining segmentation accuracy, a modified version of dragonfly algorithm (DA) with opposition-based learning (OBLDA) for color image segmentation is proposed in this paper. The opposition-based learning (OBL) strategy simultaneously considers the current solution and the opposite solution, which are symmetrical in the search space. With the introduction of OBL, the proposed algorithm has a faster convergence speed and more balanced exploration–exploitation compared with the original DA. In order to clearly demonstrate the outstanding performance of the OBLDA, the proposed method is compared with seven state-of-the-art meta-heuristic algorithms, through experiments on 10 test images. The optimal threshold values are calculated by the maximization of between-class variance and Kapur’s entropy. Meanwhile, some indicators, including peak signal to noise ratio (PSNR), feature similarity index (FSIM), structure similarity index (SSIM), the average fitness values, standard deviation (STD), and computation time are used as evaluation criteria in the experiments. The promising results reveal that proposed method has the advantages of high accuracy and remarkable stability. Wilcoxon’s rank sum test and Friedman test are also performed to verify the superiority of OBLDA in a statistical way. Furthermore, various satellite images are also included for robustness testing. In conclusion, the OBLDA algorithm is a feasible and effective method for multilevel thresholding color image segmentation.

1. Introduction

Image segmentation is a vital processing stage of object recognition and robotic vision. It can be also considered as a technique which partitions the components of an image into several distinct and disjoint regions, based on some features such as color or texture. More precisely, the interested objects or meaningful contours can be extracted conveniently [1]. In general, each of the pixels in the same region is homogeneous whereas the adjacent regions vary greatly [2]. The fundamental goal of image segmentation is to simplify or change the representation of the given image, making it easier for human visual observation and analysis. Nowadays, the image segmentation technique has already become a widespread application in various fields, and more intensive research is carried out continually [3].
In the last few years, a great variety of methods has been proposed for image segmentation, which can be summarized as four types, including region-based method, clustering-based method, graph-based method, and thresholding-based method [4,5,6]. The criterion of the region-based method is that the entire image is divided into lots of subregions continuously, and then the subregions with similar characteristics are merged to obtain objects [7]; the clustering-based method divides the image pixels into several sub-collections based on the similarity such as K-means and hierarchical clustering algorithm [8]; in the graph-based method, the global segmentation and local information processing can be combined together based on the good correspondence between image and graph theory features [9]; thresholding-based method which employs the image histogram, and classifies the image pixels into corresponding regions by comparing with threshold values [10]. The thresholding technique has become the most popular compared with the existing methods because of its high accuracy and simple implementation. It composes of bi-level and multilevel segmentation depending on the number of thresholds [11]. Bi-level segmentation means a given image should be segmented into two classes with respect to a single threshold value, namely, object and background. Nevertheless, it is difficult to select a preeminent threshold when the histogram of the image is multi-modal [12]. Hence, in order to improve the universality and practicability of the thresholding-based method, some scholars and researchers extend bi-level into multi-level thresholding. This is tantamount to saying that a given image will be subdivided into several non-overlapping classes according to multiple threshold values.
Numerous techniques based on respective criteria has been developed for getting appropriate thresholds during the last couple of decades. They can be divided into two different categories: global and local [13,14]. Otsu’s method and Kapur’s entropy which belong to the former are the most widely used [15]. Otsu proposed an available method which selects the optimal threshold values by maximizing between class variance of each segmented class in 1979 [16]. Kapur’s method was presented by J. N. Kapur et al. in 1985, which is used to classify image into multiple classes by comparing the entropy of histogram [17], and a higher entropy value indicates more homogeneous classes. However, the significant limitations among the available techniques are that the computational time increases with the number of thresholds increasing, and then image segmentation becomes too complicated for classic methods to obtain satisfying threshold values [18,19]. Therefore, further research is proceeding in the field of multilevel thresholding color image segmentation to enhance the performance of traditional methods.
The purpose of optimization is to find the optimal solutions which are more realistic and feasible for a specific problem under certain constraints [20]. The segmentation of each image can be regarded as a different single-objective optimization problem. More specifically, the objective functions which to be optimized are established based on specific criteria, such as Otsu’s method and Kapur’s entropy in this paper. The decision variables represent segmentation thresholds of an image. The current problem has two constraint conditions, firstly the gray level must be the integer, then its values should be between 0 and 255. Swarm intelligence (SI) algorithms inspired by nature with respective unique global and local searching strategies have been effectively applied to the optimization field [21]. What’s more, in order to reduce the time complexity of traditional thresholding methods and maintain accuracy effectively, many scholars are devoted to combining multilevel thresholding image segmentation with SI algorithms practically. Such as He and Huang proposed a modified firefly algorithm (MFA) based on the processing of mutual attraction and movement in the swarm for color image segmentation, using between-class variance, Kapur’s entropy, and minimum cross entropy techniques [21]. Khairuzzaman and Chaudhury presented the grey wolf optimizer (GWO) using the Otsu’s method and Kapur’s method for image segmentation, which is inspired from the social hierarchy and hunting behavior of grey wolves [22]. In addition, particle swarm optimization (PSO) [23], bacterial foraging optimization (BFO) [24], bat algorithm (BA) [25], whale optimization algorithm (WOA) [26], artificial bee colony (ABC) [27], and cuckoo search algorithm (CSA) [28] are also used extensively in multilevel thresholding segmentation.
Meta-heuristic algorithms have their own limitations which reduce the possibility of obtaining the global optimal values. So far a mass of strategies have been propounded to avoid these weaknesses. Opposition-based learning (OBL) is a more remarkable and general-purpose choice among them [29], in which the better ones are selected from current individuals and its opposite solutions through comparison [30]. With advantages in increasing population diversity and accelerating the convergence, it has increasingly extensive applications in various fields. The combination of krill herd algorithm and OBL can solve complex economic load dispatch problems [31]. Ewees et al. [32] successfully embedded the OBL in the grasshopper optimization algorithm and used this method to solve four engineering problems, namely, the welded beam design problem, the tension spring design problem, the three-bar truss design problem, and the pressure vessel design problem.
The dragonfly algorithm (DA) is a swarm-based algorithm which was proposed in 2015 by Mirjalili [33]. The main inspiration of the DA algorithm is two different behaviors of dragonflies, static and dynamic which are similar to the exploration and exploitation phases of meta-heuristic optimization. Exploration plays a vital role in the early stage to search for the unknown promising regions. Exploitation makes a significant effect in the later stage to get closer to an optimal solution [34]. The position of each dragonfly in the search space denotes a solution in optimization process. The DA algorithm has been widely used in various fields, such as medical diagnosis [35], optimization of proportional-integral-derivative (PID) controller [36], and a benchmark study of brushless DC motor optimization [37]. Meanwhile the simulation results proved strong robustness and high accuracy of the DA algorithm.
It is evident that color images contain more information compared with common images, highlighting the difficulty of satellite image segmentation. Furthermore, there are some drawbacks of the standard DA algorithm mentioned as follows: premature convergence, unbalanced exploration -exploitation [38,39,40]. In order to enhance the performance of traditional DA algorithm to a certain extent, as well as provide an efficient method to solve the problems in multilevel thresholding image segmentation, a modified dragonfly algorithm combined with opposition-based learning (OBLDA) is presented in this paper. The advantages of the proposed method include powerful optimizing ability, higher precision, strong robustness and remarkable stability. In this paper, between-class variance and Kapur’s entropy are used as objective functions which will be maximized to find the optimal thresholds. The performance of the proposed method is evaluated using five satellite images and five natural images. Meanwhile, several state-of-the-art meta-heuristic algorithms are selected for comparison, such as DA [39], PSO [23], the sine cosine algorithm (SCA) [41], the BA [25], the harmony search algorithm (HSO) [42], ant lion optimization (ALO) [43], and the salp swarm algorithm (SSA) [44]. Furthermore, some indicators such as the peak signal to noise ratio (PSNR), the feature similarity index (FSIM), the structure similarity index (SSIM), the average fitness values, standard deviation (STD), and computation time are chosen as quality metrics to compare the performance of proposed algorithm with other algorithms. Wilcoxon’s rank sum test [45] and Friedman test [46] is also performed to verify the superiority of OBLDA in a statistical way.
The remainder of this paper is organized as follows: Section 2 introduces the needed dataset. Section 3 firstly introduces thresholding technique including between-class variance and Kapur’s entropy, then gives an overview of the standard dragonfly algorithm, and finally describes the proposed method based on opposition-based learning. Section 4 presents a description of experiment in detail. Subsequently, the experimental results of proposed algorithm compared to other algorithms and its analysis are discussed in Section 5. Finally, the conclusion is illustrated in Section 6.

2. Dataset

In this paper, the proposed algorithm is tested on ten standard test color images, namely Image 1, Image 2, Image 3, Image 4, Image 5, Image 6, Image 7, Image 8, Image 9, and Image 10, respectively. Images 1–5 are taken from the database of Berkeley University [47], which are of size 481 × 321, and satellite Images 6–10 are taken from [48], which are also of size 481 × 321. Besides, all the test images and their corresponding histogram images are presented in Table 1.

3. The Proposed Method for Multilevel Thresholding

In this section, firstly, we introduce two most widely used image thresholding techniques, including Otsu’s method which is based on between class variance and Kapur’s method which is based on the criterion of entropy. Then, we present a brief description of the standard dragonfly algorithm. In the end, we describe the proposed method based on opposition-based learning, and it can be effectively applied to the initialization stage and updated stage.

3.1. Thresholding Technique

3.1.1. Otsu’s Method

The Otsu method selects the optimum values of thresholds for multilevel thresholding by maximizing between class variance of each segmented class [49]. It can be defined as follows: assume that L denotes the number of gray levels in a given image so that the range of intensity values is [ 0 , L 1 ] .
Otsu’s method also can be effectively used for multilevel thresholding problems. Assume that the given image is subdivided into n classes so that there are n 1 optimal thresholds, through maximization of the objective function.
The objective function based between-class variance is calculated by:
σ B 2 ( t ) = k = 0 n 1 P k ( μ k μ ) 2
where P k represents the cumulative probabilities of each class; μk is the mean level of each class. μ is the mean level of whole image.
The optimum thresholds t * ( t 1 , t 2 , t n ) are obtained by maximizing the between-class variance objective function. A higher value of objective function refers to better quality of the segmented images.

3.1.2. Kapur’s Entropy

The Kapur’s method is used to determine the optimal thresholding values based on the maximization of entropy. It has attracted the interest of a lot of researchers because of its superior performance and been widely applied to solve image segmentation problems. The entropy of a given image represents the compactness and separateness among distinctive classes [50].
Kapur’s method can be used for multi-level thresholding, and it can obtain the n optimal thresholds ( t 1 , t 2 , t n ) based on the Kapur’s entropy maximization:
f ( t 1 , t 2 , , t n ) = H 0 + H 1 H n
where H 0 , H 1 , , H n represent the entropies of distinct classes.
However, the foremost restriction between Otsu’s and Kapur’s methods is that the computational time is increasing exponentially as the number of thresholds increases. Hence, it is time-consuming in practical terms for multilevel image segmentation applications. In order to overcome the above shortcomings, this paper presents a novel method based on the modified dragonfly algorithm to find the optimal thresholds. The purpose is to find the optimal thresholds accurately by maximizing the objective function in less processing time and maintaining segmentation accuracy.

3.2. Dragonfly Algorithm (DA)

The dragonfly algorithm (DA) is a swarm-based algorithm which was proposed in 2015 by Mirjalili [33]. The main inspiration of the DA algorithm is two different swarming behaviors of dragonflies, static and dynamic. In static swarm, the dragonflies form several small groups which are characterized as local movements and abrupt changes in flying path, and afterwards they fly in all directions over a small area to search for food sources. Meanwhile in the dynamic swarm, a large number of the dragonflies fly in one direction with the purpose of migrating. Static and dynamic swarming behaviors are similar to the exploration and exploitation phases of meta-heuristic optimization. The position of each dragonfly in the search space denotes a solution in the optimization process.
Reynolds proposed that the behavior of swarms consists of three primitive principles, including separation, alignment, and cohesion These principles can be also adapted to the DA algorithm; besides, in order to model the swarming behavior of dragonflies in detail, two behaviors, the individuals of the swarm should be attracted towards food sources and diverted away from enemies, are also taken into account. Hence, the position of each dragonfly is updated by five different types of actions, which are mathematically modeled as Equations (3)–(7). Figure 1 shows primitive corrective patterns of dragonfly swarm. Meanwhile, in order to make a balance between exploration and exploitation, [33] defines s , a , c , f , and e as weight factors for separation, alignment, cohesion, attraction towards a food source, and distraction outwards by an enemy, respectively, which will adjust adaptively in DA algorithm. In addition, the two dragonflies are in the same neighborhood, in which the distance between them is less than the radius of neighborhood; on the contrary, they will be not in the same neighborhood. The radii of neighborhoods increases linearly with the number of iterations simultaneously to improve convergence speed, until all the dragonflies become one group at the final phase of optimization.
Separation:
S i = j = 1 W ( X X j )
where X denotes the position of the current dragonfly. X j denotes the j-th position of neighboring dragonfly, and W is the number of neighboring dragonflies.
Alignment:
A i = j = 1 W V j W
where V j is the velocity of the j-th neighboring dragonfly.
Cohesion:
C i = j = 1 W X j W X
where X represents the position of the current dragonfly. X j represents the j-th position neighboring dragonfly, and W is the number of neighboring dragonflies.
Attraction towards a food source:
F i = X + X
where X shows the position of the current dragonfly, and X + shows the position of the food source, and it is chosen from the best dragonfly that the swarm has found up to now.
Distraction outwards by an enemy:
E i = X + X
where X denotes the position of the current dragonfly, X denotes the position of the enemy, and it is chosen from the worst dragonfly that the swarm has found up to now.
The position of dragonfly is updated by:
X t + 1 = X t + Δ X t + 1
where Δ X t + 1 = ( s S i + a A i + c C i + f F i + e E i ) + ω Δ X t , which can denote the direction of the movement.
When there is no neighboring individual, the behavior of dragonflies is assumed to be a random walk (Levy flight) around the search place to enhance randomness, stochastic behavior and exploration. The position of the dragonfly is updated as follows:
X t + 1 = X t + Levy ( d ) × X t
where t is the current iteration, and d represents the dimension of position vectors.
Pseudo code of dragonfly for multilevel thresholding has been shown in Algorithm 1.
Algorithm 1. Pseudocode of dragonfly algorithm for multilevel thresholding
Initialize the position of dragonfly population X i ( i = 1 , 2 , , n ) based on opposition-based learning.
Initialize step vectors Δ X i ( i = 1 , 2 , , n ) .
 WHILE the end condition is not satisfied
  FOR i = 1 : n
   Calculate the objective value of each dragonfly by using the Equation (1) for Kapur’s entropy or
   Equation (2) for Between-class variance
   Update the position of the food source X f and enemy X e .
   Update w , s , a , c , f , and e
   Calculate S , A , C , F , and E using Equations (4) to (7)
   Update neighboring radius
   IF a dragonfly has at least one neighboring dragonfly
    Update velocity vector; Update position vector using Equation (8)
   ELSE
    Update position vector using Equation (9)
   END IF
   Select half of dragonflies from the current population randomly, and the opposition-based
   learning is embedded in them.
   Check and correct the new positions based on the boundaries of variables
  END FOR
 END WHILE
Return X f , which represents the optimal values for multilevel thresholding segmentation.

3.3. Dragonfly Algorithm with Opposition-Based Learning (OBLDA) Based on Multilevel Thresholding

Opposition-based learning (OBL), which considers the current solution and opposite solution simultaneously to accelerate the convergence of meta-heuristic methods [30]. On the basis of probability theory, there is a 50–50 chance that the distance between the current solution and optimal solution is farther than its corresponding opposite [51]. Hence, we can utilize the concept of OBL to obtain a higher chance for approaching the promising regions, and then have a good balance of exploration and exploitation [52]. In general, the initial solutions are created randomly which are absence of priori knowledge about the solution. In addition, the convergence of the meta-heuristic methods will be time-consuming, when they are far away from the optimal solution. The applications of OBL can solve the problem in initialization effectively; meanwhile, the OBL also provides a strategy to search for the closer solution in the current population.
Let x i j ( x i 1 , x 2 j , , x i D ) be a point in D-dimensional space, and the opposite of x i j is calculated by x i j ( x i 1 , x i 2 , , x i D ) as follow:
x i j = k ( a j + b j ) x i j
where a j and b j are predefined as the lower and the upper bound of the search place respectively. k represents the type of opposition-based learning.
The opposition-based learning can be employed in two stages of the standard DA effectively. Firstly, the OBL is embedded to the initialization of population to improve the diversity of dragonflies, and then the OBLDA algorithm can obtain fitter initial solutions which can help converge to global optimal solution accurately. Secondly, in the updating phase of the DA algorithm, the OBL is used in half of the current population randomly to check if the current solution is fitter than its corresponding opposite, increasing the randomness of the algorithm and saving more optimizing time simultaneously.
a. Initialization stage
The proposed method takes a random population X of size N as its initial solutions. D is the number of dimension. The OBL is used to computed the opposite solution for each member. The steps of initialization are shown as follows:
Step 1: Initialize the population X with a size of N randomly.
x i j = r o u n d ( l b + ( ( u b l b ) . ( r a n d ( N , D ) ) ) )
where, u b and l b are the upper and lower bound of search space.
Step 2: Calculate the opposite population x i j * as:
x i j = k ( a j + b j ) x i j ;   ( i = 1 , 2 , , N ; j = 1 , 2 , , D )
Step 3: Select a fitter one between x i j and x i j * based on fitness function values to construct a new initial population.
b. Updated stage
In this stage, we select half of dragonflies from current population randomly which will be combined with the OBL, and then compute their fitness functions respectively based on the DA to choose the best solutions from x i j x i j * . A new population will be generated using the OBLDA algorithm in each iteration. All the steps will be carried out constantly until the final conditions are reached.
Finally, the flowchart of OBLDA for finding the optimal threshold values is shown in Figure 2.

4. Experiments

In this section, firstly, we present a brief description of the experimental setup associated with multilevel thresholding. Then we show the parameter values which are used in all algorithms.

4.1. Experimental Setup

In this paper, two thresholding techniques namely Otsu’s method and Kapur’s entropy are used to determine the appropriate thresholds for color image segmentation. The performance of the proposed algorithm is compared with seven widely used optimization algorithms, namely the DA, PSO, SCA, BA, HSO, ALO, and SSA algorithms. All experiments are performed on ten test images with the following number of thresholds: 4, 6, 8, 10, and 12.

4.2. Parameter Setting

As we know, the value of parameters is of significance in determining the performance of each algorithm. In this paper, all algorithms have the same stopping conditions for a fair comparison. The max iteration is 500 with a total of 30 runs each algorithm, and the population size is set to be 30. The parameters of all algorithms are presented in Table 2.
All the algorithms are developed by using “Matlab 2014b” and implemented on “Windows 10-64bit” environment on a computer having Pentium(R) Dual core T4500 @ 2.30 GHz and 2 GB of memory.

4.3. Segmented Image Quality Metrics

a. The peak signal-to-noise ratio (PSNR)
The parameter of PSNR based on the produced mean square error (MSE) is used to verify the difference of the original image and segmented image [53], and the value refers to the quality of the segmented image. The PSNR is evaluated by Equation (13).
P S N R = 10 log 10 ( 255 2 M S E )
where I ( i , j ) and K ( i , j ) are the original and segmented images which are of size M × N .
b. The feature similarity index (FSIM)
A comparison of the features contained in the segmented image is performed using the FSIM and it is calculated as Equation (14). A higher FSIM value indicates a higher segmentation accuracy of the original image [54].
F S I M = x Ω S L ( x ) × P C m ( x ) x Ω P C m ( x )
where Ω represents the entire domain of the image. P C m ( x ) represents the phase congruence which is selected from the larger of the original and segmented images.
The value of S L ( x ) is defined as follows:
S L ( x ) = [ S P C ( x ) ] α [ S G ( x ) ] β
where, S P C ( x ) is the similarity of phase consistency between two images. S G ( x ) is the similarity of gradient magnitude between two images.
c. The structure similarity index (SSIM)
The SSIM index, helps to access the structural similarity between the original and segmented image [55]. The value of SSIM index is in the range [ 0 ,   1 ] , and a higher value indicates better performance of algorithm. The value of SSIM equals 1 meaning that the two images are the same. The SSIM is defined as:
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 )
where, μ x and μ y represent the average intensity of the original and segmented images respectively. σ x 2 and σ y 2 represent the variance of the original and segmented images respectively. σ x y is the covariance between the original and segmented images. c 1 and c 2 are constants.

5. Results and Discussions

In this section, we present the experimental results of the proposed algorithm compared to other algorithms based on Kapur’s entropy and Otsu’s method. The optimal threshold values for each of the color component as obtained by all algorithms and the segmented images can be found from [56]. The segmented results of natural images are show in Figure 3. Due to there being no absolute standard for a given image, we manually labeled the target region and separated it according to segmented results from the Berkeley dataset. And then took it as the ground truth for experimental comparison. It can be found from the figures that the targets obtained by the proposed method have been successfully separated from the complex background, which are similar to ground truth. Figure 4. shows the satellite segmented images with different threshold levels. We can observe from these figures, the images with higher level contains more detail than the others. The analysis in terms of PSNR, FSIM, SSIM, the average fitness function values and STD. A statistical analysis is also performed to see the advantage of the proposed algorithm outperforms all the other algorithms. All these are discussed in the following section.

5.1. Objective Function Measure

Between-class variance method and Kapur’s entropy are used as the objective functions that are maximized based on OBLDA, DA, PSO, SCA, BA, HSO, ALO, and SSA. In this way, each solution is represented by a real value which shows the quality of a solution. Table 3 present the average fitness function values based multilevel thresholding after application of all algorithms, and the higher value of average fitness function indicates the better solution (bold is the best). As seen from the results, the proposed method obtained the highest value for almost all the cases when compared to DA, PSO, SCA, BA, HSO, ALO, and SSA. This indicates that the performance of the proposed algorithm is the most outstanding, it can improve segmentation accuracy while ensuring algorithm stability. For instance, the optimal fitness function values are 33.6991, 33.3882, 33.3775, 32.1851, 31.6970, 33.4260, 33.5922, and 33.4392 for OBLDA, DA, PSO, SCA, BA, HSO, ALO, and SSA, respectively, when Kapur’s method is applied on Image 7, the average fitness function value of the OBLDA algorithm is the highest and the ALO algorithm comes at the second rank followed by SSA, and the BA is the worst algorithm because of an exponentially varying pulse emission rate. The experiment results also shows that the proposed algorithm not only has the advantage of multidimensional function for extremum problems, but also shows strong engineering practicability in color segmentation.

5.2. Stability Analysis

Measure of how far a given variable is from the mean, which is used to evaluate stability. A lower value of STD indicates that the method is more stable. It is defined as follows:
S T D = 1 n 1 i = 1 n ( f i f ¯ ) 2
The lower the STD, the more stable the algorithm. Then the competitive results for 30 runs of OBLDA and other algorithms are shown in Table 4 and Table 5 (bold is the best). From the whole results, it is found that the OBLDA algorithm obtained the lowest values in 46 out of 50 cases (Otsu’s method) and 47 out of 50 cases (Kapur’s entropy). Therefore, it is evident that the HHO-DE algorithm has more remarkable stability than other algorithms.

5.3. Segmentation Evaluation

In this section, we use PSNR, SSIM, and FSIM indicators to evaluate the segmentation accuracy of each algorithm. The higher the value of the indicator, the better the similarity with the original image (i.e., the higher segmentation quality). For a given image, if we take a limiting case into consideration, meaning there is no difference between original image and segmented image, the values of PSNR, FSIM, and SSIM are 1, 1, and infinity. Meanwhile, in order to easily and clearly observe in a way that is convenient for visual analysis, the line graphs of PSNR, SSIM, and FSIM are given in Figure 5, Figure 6, Figure 7, Figure 8, Figure 9 and Figure 10 respectively, From these figures it can be seen that, the black lines with square data points which represents the proposed method are located above other lines for the majority cases. Note that in order to make the structure more clear, we give the relevant experimental results in [56].
First of all, the PSNR index based on the grayscale information is used to estimate the degree of image distortion. The PSNR index values of the segmented images obtained by OBLDA, DA, PSO, SCA, BA, HSO, ALO, and SSA algorithm based on between-class variance and Kapur’s entropy are shown in Figure 5 and Figure 6. PSNR index gives a higher value when the degree of image distortion is small. A comparative analysis of the results indicates that the performance of all the algorithms was nearly close when K = 4, however, the proposed algorithm still show certain superiority over the other algorithms (such as Images 3 and 9). For instance, the PSNR values are 17.7278, 17.4278, 17.2685, 17.2833, 17.4849, 17.2554, 17.7270, and 17.7068 for OBLDA, DA, PSO, SCA, BA, HSO, ALO, and PSO, respectively, when the segmentation operation of Image 3 using Otsu’s method. The figures intuitively shows that as the number of thresholds increases, the PSNR values also increases for all algorithms, and the difference of value between the proposed method and other approaches is becoming more and more remarkable. It is evident that the proposed algorithm based on between-class variance or Kapur’s entropy for different threshold values is superior in performance to the other algorithms compared.
Then, the FSIM index based on phase consistency and spatial gradient feature is used to compare the quality of the segmented images and the range is [0, 1]. The FSIM values achieved using Kapur and Otsu method based OBLDA, DA, PSO, SCA, BA, HSO, ALO, and SSA are shown in Figure 7 and Figure 8. From the experimental results it is clearly observed that the proposed algorithm outperforms all the other algorithms for each benchmark image since the FSIM index in all cases obtains the highest values. Hence, the OBLDA algorithm using Kapur’s entropy and Otsu’s method has better quality for multilevel color image thresholding segmentation compared to other algorithms. For example, the FSIM index values in case of Image 10 with 10 thresholds based Kapur’s method are 0.9737, 0.9726, 0.9709, 0.9704, 0.9651, 0.9705, 0.9726, and 0.9731 for OBLDA, DA, PSO, SCA, BA, HSO, ALO, and PSO, respectively. It can be seen that the OBLDA came in the first rank and it has the highest FSIM values. The SSA algorithm is ranked second followed by ALO and DA, respectively. Due to PSO and SCA algorithm using linear decreasing inertia weight and control parameter to transform exploration and exploitation, they have no advantages in experiments. Through experimental results comparison and Figure 7 and Figure 8, it is no doubt that the FSIM value of the OBLDA associated with Kapur’s and Otsu’s method is largest and has the smallest gap with 1. The experiments also indicate that the proposed algorithm has high optimization accuracy and improves the segmentation quality.
After that, the SSIM index based on brightness, contrast and structural information is used to assess the visual similarity of the original image and the segmented image. The SSIM index values of the segmented images using Kapur’s entropy and Otsu methods obtained by all algorithms are given in Figure 9 and Figure 10. A higher value of SSIM index indicates that the segmented image is more similar to the original image. It can be seen from the results that, for the same image segmentation, the proposed algorithm achieves the best results which are more competitive in the SSIM values. At the same time, as the number of thresholds increases, the value of SSIM keeps increasing, and all algorithms can obtain more original image information Hence, we can extract the interested objects more accurately, and the segmented images is more similar to the original images visually. For example, the SSIM values of Image 2 using Otsu’s methods (OBLDA) are 0.6805, 0.7857, 0.8364, 0.8798, and 0.9031 for the number of thresholds is 4, 6, 8, 10, 12, respectively, as a contrast, the SSIM values of Image 2 using Otsu’s methods (DA) are 0.6775, 0.7754, 0.8354, 0.8788, and 0.9004 for the number of thresholds is 4, 6, 8, 10, and 12, respectively.
Through the above analysis, the proposed algorithm using Kapur’s method and Otsu’s method provide a great balance between exploitation and exploration in ten benchmark images at low and high threshold numbers. The performance of the OBLDA based multilevel thresholding for color image segmentation is satisfactory, for the reason that the segmented images has high quality and accuracy. It is evident the proposed algorithm can be effectively for solving color image segmentation problems.

5.4. Statistical Analysis

In this section, two well-established non-parametric tests are used to evaluate the significant difference between algorithms, meanwhile prove the improvement of OBLDA algorithm is remarkable in a statistical way, namely the Wilcoxon rand sum test [45] and Freidman test [46], respectively. The former is used for pairwise comparison and the latter for multiple comparison.
In the Wilcoxon rand sum test, the null hypothesis is defined as: there is no significant difference between the OBLDA algorithm and seven other algorithms. The alternative hypothesis considers a significant difference among them. The p-values are applicable to judge “whether or not to reject the null hypothesis”. If p-value is greater than 0.05 and h = 0 simultaneously, the null hypothesis will be rejected, indicating there is no significant difference among all algorithms. By contrast, the alternative hypothesis will be accepted at 5% significance level in which p is less than 0.05 or h = 1. The experiments are conducted 30 runs, and all obtained data are used for the testing. Table 6 shows the results of Wilcoxon rand sum test. It can be seen the table that P-values are much less than 0.05, both Otsu’s method and Kapur’s entropy. Therefore, there is a significant difference between OBLDA and other algorithms, in other words, the performance of proposed method has an remarkable improvement.
The null hypothesis H 0 in Friedman test states equality of medians between the algorithms, and the alternative hypothesis H 1 indicates the difference. The experimental results are shown in Table 7 (bold is the best), including the average ranking of each algorithm at different threshold levels, the average overall ranking on all cases, and the P-value. It is observed that the proposed method obtains the best rank in the majority of cases. Meanwhile, the small P-value indicates the significant difference between the proposed method and others. Therefore, the promising results indicate that the performance of the OBLDA algorithm is improved markedly again. To sum up, the proposed method based on multilevel thresholding segmentation has superior performance compared with other algorithms.

5.5. Convergence Performance

In this section, “Image 1” and “Image 10” are used for testing. The convergence curves of all algorithms using Otsu’s technique and Kapur’s entropy at 12 threshold levels are shown in Figure 11. From the figures, it is detected that the OBLDA algorithm has the most remarkable convergence property, and is capable of maintaining a good balance between exploratory and exploitative tendencies.

5.6. Computation Time

The average central processing unit (CPU) time of different algorithms considering all cases at 30 runs is given in Table 8. It can be observed that the exhaustive search method takes a long time for optimization, but by contrast the DA and OBLDA algorithms obtain competitive results. When K = 2, the average time of exhaustive search method is already 600.676 s., which has grown to about 200 times DA or OBLDA algorithms. moreover, as the number of thresholds increases, the average time of each algorithm increases markedly, but the exhaustive search method behaves the fastest growth rates, which is far greater than DA and OBLDA algorithms. Then, it is seen that the OBLDA algorithm is slightly faster than DA, and can obtain the most appropriate threshold values. To sum up, the proposed method is significantly effective in color image multilevel thresholding.

5.7. Application in Plant Canopy Image

In this section, the OBLDA algorithm-based multilevel thresholding technique is applied to the field of plant canopy image segmentation. The purpose of this experiment is to verify whether the proposed method can solve segmentation problems in engineering practice. This section takes two plant canopy images as an example. Plant canopy is the first to be exposed to light and the external atmosphere, and it is closely related with plant growth. Hence, an accurate segmentation result of the plant canopy is vitally necessary for the assessment of plant growing state.
Figure 12 shows the original image, ground truth, and segmented image. It can be seen from the figures that the leaves have been successfully separated from the background, which are similar to the ground truth. Therefore, the proposed method can be used as a competitive technique to solve the segmentation problems in the plant canopy image.

6. Conclusions

The paper presents a novel multilevel thresholding technique based on the OBLDA algorithm for solving complex image segmentation problems. The opposite-based learning strategy can strengthen the diversity of population and avoid sinking into a local optimum during the optimization process. The between-class variance and Kapur’s entropy are used as objective functions, which are maximized to find the optimal threshold values. All experiments are performed on the five satellite images and five natural images, with the following number of thresholds: 4, 6, 8, 10, and 12. The performance of proposed algorithm is then compared with seven other algorithms. In addition, PSNR, FSIM, SSIM, the average fitness function values, computation time and STD are utilized as comparison metrics.
The results obtained indicate that most indicators showed a small difference in the case of K = 4, but the superiority of proposed algorithm becomes more and more remarkable as the number of thresholds increases. The competitive values of average fitness function, PSNR, FSIM, and SSIM prove the high accuracy of the OBLDA algorithm in the process of optimization. The significantly superior results of STD verify that the proposed method has a good stability. The Wilcoxon’s rank-sum test with 5% degree and Friedman test confirm the remarkable merits of the OBLDA algorithm compared to other algorithms in almost all cases. The promising results of computation time confirm the proposed method can converge to global optimal at a relatively rapid speed. The segmented results of plant canopy images is little different from groundtruth, and it can demonstrate the strong practicality of OBLDA algorithm in engineering. In addition, the OBLDA algorithm not only is effectively applied to Otsu’s method, but also has good adaptability in Kapur’s entropy. On the other hand, the proposed method shows excellent performance whether on satellite images or natural images, so it is provided with strong robustness. Hence, the proposed method can accomplish real-world and complex tasks of image segmentation effectively, as well as providing a more precise technique for multilevel segmentation.
In the future, we aim to find a much simpler and more effective method to strengthen the performance of the dragonfly algorithm for color image segmentation. We will also take up the deep study of how to make the proposed method adaptive to more practical engineering problems with superior performance.

Author Contributions

X.B., H.J. and C.L. contributed to the idea of this paper; X.B. performed the experiments; X.B. wrote the paper; X.B., H.J. and C.L. contributed to the revision of this paper.

Funding

This research received no external funding.

Acknowledgments

The authors would like to thank the anonymous reviewers for their constructive comments and suggestions.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Robert, M.; Carsten, M.; Olivier, E.; Jochen, P.; Noordhoek, N.J.; Aravinda, T.; Reddy, V.Y.; Chan, R.C.; Jürgen, W. Automatic segmentation of rotational X-ray images for anatomic intra-procedural surface generation in atrial fibrillation ablation procedures. IEEE Trans. Med. Imaging. 2010, 29, 260–272. [Google Scholar]
  2. Qian, P.; Zhao, Y.; Jiang, K.; Deng, Z.; Wang, S.; Muzic, R.F. Knowledge-leveraged transfer fuzzy C-Means for texture image segmentation with self-adaptive cluster prototype matching. Knowl. Based Syst. 2017, 130, 33–50. [Google Scholar]
  3. Lv, J.; Wang, F.; Xu, L.; Ma, Z.; Yang, B. A segmentation method of bagged green apple image. Sci. Hortic. 2019, 246, 411–417. [Google Scholar] [CrossRef]
  4. Lee, S.H.; Koo, H.I.; Cho, N.I. Image segmentation algorithms based on the machine learning of features. Pattern Recognit. Lett. 2010, 31, 2325–2336. [Google Scholar] [CrossRef]
  5. Breve, F. Interactive image segmentation using label propagation through complex networks. Expert Syst. Appl. 2019, 123, 18–33. [Google Scholar] [CrossRef] [Green Version]
  6. Tang, N.; Zhou, F.; Gu, Z.; Zheng, H.; Yu, Z.; Zheng, B. Unsupervised pixel-wise classification for Chaetoceros image segmentation. Neurocomputing 2018, 318, 261–270. [Google Scholar] [CrossRef]
  7. Meher, B.; Agrawal, S.; Panda, R.; Abraham, A. A survey on region based image fusion methods. Inf. Fusion 2019, 48, 119–132. [Google Scholar] [CrossRef]
  8. Mittal, H.; Saraswat, M. An automatic nuclei segmentation method using intelligent gravitational search algorithm based superpixel clustering. Swarm Evol. Comput. 2019, 45, 15–32. [Google Scholar] [CrossRef]
  9. Chen, J.; Zheng, H.; Lin, X.; Wu, Y.; Su, M. A novel image segmentation method based on fast density clustering algorithm. Eng. Appl. Artif. Intell. 2018, 73, 92–110. [Google Scholar] [CrossRef]
  10. Ishak, A.B. A two-dimensional multilevel thresholding method for image segmentation. Appl. Soft Comput. 2017, 52, 306–322. [Google Scholar] [CrossRef]
  11. Manikandan, S.; Ramar, K.; Iruthayarajan, M.W.; Srinivasagan, K.G. Multilevel thresholding for segmentation of medical brain images using real coded genetic algorithm. Measurement 2014, 47, 558–568. [Google Scholar] [CrossRef]
  12. Fu, X.; Liu, T.; Xiong, Z.; Smaill, B.H.; Stiles, M.K.; Zhao, J. Segmentation of histological images and fibrosis identification with a convolutional neural network. Comput. Biol. Med. 2018, 98, 147–158. [Google Scholar] [CrossRef] [Green Version]
  13. Li, J.; Tang, W.; Wang, J.; Zhang, X. A multilevel color image thresholding scheme based on minimum cross entropy and alternating direction method of multipliers. Optik 2019, 183, 30–37. [Google Scholar] [CrossRef]
  14. Jiang, Y.; Tasi, P.; Yeh, W.; Cao, L. A honey-bee-mating based algorithm for multilevel image segmentation using Bayesian theorem. Appl. Soft Comput. 2017, 52, 1181–1190. [Google Scholar] [CrossRef]
  15. Feng, Y.; Zhao, H.; Li, X.; Zhao, X.; Li, H. A multi-scale 3D Otsu thresholding algorithm for medical image segmentation. Dig. Signal Process. 2017, 60, 186–199. [Google Scholar] [CrossRef] [Green Version]
  16. Otsu, N. A threshold selection method from gray-level histograms. IEEE Trans. Syst. Man Cybern. 1979, 9, 62–66. [Google Scholar] [CrossRef]
  17. Kapura, J.N.; Sahoob, P.K.; Wongc, A.K.C. A new method for gray-level picture thresholding using the entropy of the histogram. Comput. Vis. Gr. Image Proc. 1985, 29, 273–285. [Google Scholar] [CrossRef]
  18. Fredo, A.R.J.; Abilash, R.S.; Kumar, C.S. Segmentation and analysis of damages in composite images using multi-level threshold methods and geometrical features. Measurement 2017, 100, 270–278. [Google Scholar] [CrossRef]
  19. Demirhan, A.; Törü, M.; Güler, İ. Segmentation of tumor and edema along with healthy tissues of brain using wavelets and neural networks. IEEE J. Biomed. Health Inf. 2015, 19, 1451–1458. [Google Scholar] [CrossRef] [PubMed]
  20. Dirami, A.; Hammouche, K.; Diaf, M.; Siarry, P. Fast multilevel thresholding for image segmentation through a multiphase level set method. Signal Process. 2013, 93, 139–153. [Google Scholar] [CrossRef]
  21. He, L.; Huang, S. Modified firefly algorithm based multilevel thresholding for color image segmentation. Neurocomputing 2017, 240, 152–174. [Google Scholar] [CrossRef]
  22. Khairuzzaman, A.K.M.; Chaudhury, S. Multilevel thresholding using grey wolf optimizer for image segmentation. Expert Syst. Appl. 2017, 86, 64–76. [Google Scholar] [CrossRef]
  23. Pham, T.X.; Siarry, P.; Oulhadj, H. Integrating fuzzy entropy clustering with an improved PSO for MRI brain image segmentation. Appl. Soft Comput. 2018, 65, 230–242. [Google Scholar] [CrossRef]
  24. Pan, Y.; Xia, Y.; Zhou, T.; Fulham, M. Cell image segmentation using bacterial foraging optimization. Appl. Soft Comput. 2017, 58, 770–782. [Google Scholar] [CrossRef]
  25. Ye, Z.; Wang, M.; Liu, W.; Chen, S. Fuzzy entropy based optimal thresholding using bat algorithm. Appl. Soft Comput. 2015, 31, 381–395. [Google Scholar] [CrossRef]
  26. Aziz, M.A.E.; Ewees, A.A.; Hassanien, A.E. Whale Optimization Algorithm and Moth-Flame Optimization for multilevel thresholding image segmentation. Expert Syst. Appl. 2017, 83, 242–256. [Google Scholar] [CrossRef]
  27. Gao, H.; Fu, Z.; Pun, C.; Hu, H.; Lan, R. A multi-level thresholding image segmentation based on an improved artificial bee colony algorithm. Comput. Electr. Eng. 2018, 70, 931–938. [Google Scholar] [CrossRef]
  28. 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]
  29. Remli, M.A.; Mohamad, M.S.; Deris, S.; Samah, A.A. Cooperative enhanced scatter search with opposition-based learning schemes for parameter estimation in high dimensional kinetic models of biological systems. Expert Syst. Appl. 2019, 116, 131–146. [Google Scholar] [CrossRef]
  30. Mahdavi, S.; Rahnamayan, S.; Deb, K. Opposition based learning: A literature review. Swarm Evol. Comput. 2018, 39, 1–23. [Google Scholar] [CrossRef]
  31. Bulbul, S.M.A.; Pradhan, M.; Roy, P.K.; Pal, T. Opposition-based krill herd algorithm applied to economic load dispatch problem. Ain Shams Eng. J. 2018, 9, 423–440. [Google Scholar] [CrossRef]
  32. Ewees, A.A.; Elaziz, M.A.; Houssein, E.H. Improved grasshopper optimization algorithm using opposition-based learning. Expert Syst. Appl. 2018, 112, 156–172. [Google Scholar] [CrossRef]
  33. Seyedali, M. Dragonfly algorithm: a new meta-heuristic optimization technique for solving single-objective, discrete, and multi-objective problems. Neural Comput. Appl. 2016, 27, 1053–1073. [Google Scholar]
  34. Shen, L.; Huang, X.; Fan, C. Double-group particle swarm optimization and its application in remote sensing image segmentation. Sensors 2018, 18, 1393. [Google Scholar] [CrossRef]
  35. Díaz-Cortés, M.; Ortega-Sánchez, N.; Hinojosa, S.; Oliva, D.; Cuevas, E.; Rojas, R.; Demin, A. A multi-level thresholding method for breast thermograms analysis using Dragonfly algorithm. Infrared Phys. Technol. 2018, 93, 346–361. [Google Scholar] [CrossRef]
  36. Guha, D.; Roy, P.K.; Banerjee, S. Optimal tuning of 3 degree-of-freedom proportional-integral-derivative controller for hybrid distributed power system using dragonfly algorithm. Comput. Electr. Eng. 2018, 72, 137–153. [Google Scholar] [CrossRef]
  37. Kizhakkethil, S.R.; Murugan, S. Memory based hybrid dragonfly algorithm for numerical optimization problems. Expert Syst. Appl. 2017, 83, 63–77. [Google Scholar]
  38. Sambandam, R.K.; Jayaraman, S. Self-adaptive dragonfly based optimal thresholding for multilevel segmentation of digital images. J. King Saud Univ.-Comput. Inf. Sci. 2018, 30, 449–461. [Google Scholar] [CrossRef] [Green Version]
  39. Jafari, M.; Chaleshtari, M.H.B. Using dragonfly algorithm for optimization of orthotropic infinite plates with a quasi-triangular cut-out. Eur. J. Mech. A. Solids. 2017, 66, 1–14. [Google Scholar] [CrossRef]
  40. Hariharan, M.; Sindhu, R.; Vijean, V.; Yazid, H.; Nadarajaw, T.; Yaacob, S.; Polat, K. Improved binary dragonfly optimization algorithm and wavelet packet based non-linear features for infant cry classification. Comput. Methods Programs Biomed. 2018, 155, 39–51. [Google Scholar] [CrossRef]
  41. Mirjalili, S. SCA: A Sine Cosine Algorithm for solving optimization problems. Knowl.-Based Syst. 2016, 96, 120–133. [Google Scholar] [CrossRef]
  42. Horng, M. A multilevel image thresholding using the honey bee mating optimization. Appl. Math. Comput. 2010, 215, 3302–3310. [Google Scholar] [CrossRef]
  43. Moghaddam, M.J.H.; Nowdeh, S.A.; Bigdeli, M.; Azizian, D. A multi-objective optimal sizing and siting of distributed generation using ant lion optimization technique. Ain Shams Eng. J. 2018, 9, 2101–2109. [Google Scholar] [CrossRef]
  44. 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. Software 2017, 114, 163–191. [Google Scholar] [CrossRef]
  45. Frank, W. Individual Comparisons of Grouped Data by Ranking Methods. J. Econ. Entomol. 1946, 39, 269–270. [Google Scholar]
  46. Friedman, M. The use of ranks to avoid the assumption of normality implicit in the analysis of variance. J. Am. Stat. Assoc. 1937, 32, 676–701. [Google Scholar] [CrossRef]
  47. The Berkeley Segmentation Dataset and Benchmark. Available online: https://www2.eecs.berkeley.edu/Research/Projects/CS/vision/grouping/segbench/ (accessed on 3 March 2019).
  48. Landsat imagery courtesy of NASA Goddard Space Flight Center and U.S. Geological Survey. Available online: https://landsat.visibleearth.nasa.gov/index.php?&p=1 (accessed on 3 March 2019).
  49. Jia, H.; Lang, C.; Oliva, D.; Song, W.; Peng, X. Hybrid Grasshopper Optimization Algorithm and Differential Evolution for Multilevel Satellite Image Segmentation. Remote Sens. 2019, 11, 1134. [Google Scholar] [CrossRef]
  50. Bhandari, A.K.; Singh, V.K.; Kumar, A.; Singh, G.K. Cuckoo search algorithm and wind driven optimization based study of satellite image segmentation for multilevel thresholding using Kapur’s entropy. Expert Syst. Appl. 2014, 41, 3538–3560. [Google Scholar] [CrossRef]
  51. Elaziz, M.A.; Oliva, D.; Xiong, S. An improved opposition-based sine cosine algorithm for global optimization. Expert Syst. Appl. 2017, 90, 484–500. [Google Scholar] [CrossRef]
  52. Dinkar, S.K.; Deep, K. An efficient opposition based Lévy Flight Antlion optimizer for optimization problems. Int. J. Comput. Sci. Eng. 2018, 29, 119–141. [Google Scholar] [CrossRef]
  53. Aldahdooh, A.; Masala, E.; Wallendael, G.V.; Barkowsky, M. Framework for reproducible objective video quality research with case study on PSNR implementations. Dig. Signal Process. 2018, 77, 195–206. [Google Scholar] [CrossRef] [Green Version]
  54. John, J.; Nair, M.S.; Kumar, P.R.A.; Wilscy, M. A novel approach for detection and delineation of cell nuclei using feature similarity index measure. Biocybern. Biomed. Eng. 2016, 36, 76–88. [Google Scholar] [CrossRef]
  55. Wang, Z.; Bovik, A.C.; Sheikh, H.R.; Simoncelli, E.P. Image quality assessment: from error visibility to structural similarity. IEEE T. Image Process. 2004, 13, 600–612. [Google Scholar] [CrossRef]
  56. data-Dragonfly-Algorithm-with-Opposition-based-Learning-for-Multilevel-Thresholding-Color-Image-Segmentation. Available online: https://github.com/baoxiaoxue/Dragonfly-algorithm/blob/master/data-Dragonfly-Algorithm-with-Opposition-based-Learning-for-Multilevel-Thresholding-Color-Image-Segmentation.pdf (accessed on 8 March 2019).
Figure 1. Primitive corrective patterns of dragonfly swarm [33].
Figure 1. Primitive corrective patterns of dragonfly swarm [33].
Symmetry 11 00716 g001
Figure 2. Framework of the dragonfly algorithm with opposition-based learning (OBLDA) based multilevel thresholding.
Figure 2. Framework of the dragonfly algorithm with opposition-based learning (OBLDA) based multilevel thresholding.
Symmetry 11 00716 g002
Figure 3. The segmented images of “Image 2”, “Image 3”, and “Image 4” using the threshold technique.
Figure 3. The segmented images of “Image 2”, “Image 3”, and “Image 4” using the threshold technique.
Symmetry 11 00716 g003
Figure 4. The segmented images of “Image 7”, “Image 8” and “Image 9” at 4, 8, and 12 threshold levels.
Figure 4. The segmented images of “Image 7”, “Image 8” and “Image 9” at 4, 8, and 12 threshold levels.
Symmetry 11 00716 g004
Figure 5. Comparison of PSNR values using Otsu’s method, at K = 4, 6, 8, 10, and 12.
Figure 5. Comparison of PSNR values using Otsu’s method, at K = 4, 6, 8, 10, and 12.
Symmetry 11 00716 g005
Figure 6. Comparison of PSNR values using Kapur’s entropy, at K = 4, 6, 8, 10, and 12.
Figure 6. Comparison of PSNR values using Kapur’s entropy, at K = 4, 6, 8, 10, and 12.
Symmetry 11 00716 g006
Figure 7. Comparison of feature similarity index (FSIM) values using Otsu’s method, at K = 4, 6, 8, 10, and 12.
Figure 7. Comparison of feature similarity index (FSIM) values using Otsu’s method, at K = 4, 6, 8, 10, and 12.
Symmetry 11 00716 g007
Figure 8. Comparison of FSIM values using Kapur’s entropy, at K = 4, 6, 8, 10, and 12.
Figure 8. Comparison of FSIM values using Kapur’s entropy, at K = 4, 6, 8, 10, and 12.
Symmetry 11 00716 g008
Figure 9. Comparison of SSIM values using Otsu’s method, at K = 4, 6, 8, 10, and 12.
Figure 9. Comparison of SSIM values using Otsu’s method, at K = 4, 6, 8, 10, and 12.
Symmetry 11 00716 g009
Figure 10. Comparison of structure similarity index (SSIM) values using Kapur’s entropy, at K = 4, 6, 8, 10, and 12.
Figure 10. Comparison of structure similarity index (SSIM) values using Kapur’s entropy, at K = 4, 6, 8, 10, and 12.
Symmetry 11 00716 g010
Figure 11. The convergence curves for fitness function at 12 levels of thresholding.
Figure 11. The convergence curves for fitness function at 12 levels of thresholding.
Symmetry 11 00716 g011
Figure 12. The original image, ground truth, and segmented results.
Figure 12. The original image, ground truth, and segmented results.
Symmetry 11 00716 g012
Table 1. Original test images and the corresponding histograms.
Table 1. Original test images and the corresponding histograms.
Original ImageHistogramOriginal ImageHistogram
Symmetry 11 00716 i001
Cow
Symmetry 11 00716 i002 Symmetry 11 00716 i003
Cat
Symmetry 11 00716 i004
Image 1Image 2
Symmetry 11 00716 i005
Zebra
Symmetry 11 00716 i006 Symmetry 11 00716 i007
Weasel
Symmetry 11 00716 i008
Image 3Image 4
Symmetry 11 00716 i009
Massif
Symmetry 11 00716 i010 Symmetry 11 00716 i011
The stark transitions and vertical ecology of the canyon.
Symmetry 11 00716 i012
Image 5Image 6
Symmetry 11 00716 i013
Chesapeake Bay in America.
Symmetry 11 00716 i014 Symmetry 11 00716 i015
An area about 50 kilometers southeast of Paso de Indios.
Symmetry 11 00716 i016
Image 7Image 8
Symmetry 11 00716 i017
The emergence of performance made by the Kilauea eruption.
Symmetry 11 00716 i018 Symmetry 11 00716 i019
The growth in the city of New Delhi and its adjacent areas.
Symmetry 11 00716 i020
Image 9Image 10
Table 2. Parameters of each algorithm.
Table 2. Parameters of each algorithm.
AlgorithmParameters Setting
DA [39]Constant β = 0.5
PSO [23]Learning factors c 1 = c 2 = 2 , Maximum velocity = 25.5
SCA [41]Controlling parameter r 1 [ 0 , 2 ]
BA [25]Loudness = 0.25 ; Factor updating pulse emission rate γ = 0.95
HSO [42]PAR (Pitch Adjustment Rate) = 0.3 HMCR (Harmony Memory Considering Rate) = 0.95
ALO [43]controlling parameter c 1 [ 0 , 2 ]
SSA [44]Constant ω = [ 2.6 ]
Table 3. The average fitness values using Otsu’s method and Kapur’s method in comparison with other algorithms.
Table 3. The average fitness values using Otsu’s method and Kapur’s method in comparison with other algorithms.
ImagesKOtsu’s MethodKapur’s Entropy
OBLDADAPSOSCABAHSOALOSSAOBLDADAPSOSCABAHSOALOSSA
Image 143953.79543953.79543953.79503948.80423953.68313953.30673953.79543953.795418.500218.500018.489718.461318.416618.496318.500418.5000
64019.84234019.50484018.79854006.92664017.34164017.22344018.81624018.810324.000123.979923.981123.643623.890823.897523.981123.9812
84048.91524048.85044043.32234024.14934037.81434045.32314048.88774048.910128.894828.812928.772327.937528.540928.720028.875228.8702
104063.19784063.12844061.11374039.02254050.58834059.38964062.56244061.70333.435133.352333.135832.193431.864533.119433.390233.3934
124070.62284070.15734070.60014054.4294046.5074066.29124069.9324068.784137.456037.428437.346134.788535.210137.277937.441337.4221
Image 243485.12473485.11993485.11473479.13743484.67773484.72923485.12473485.124719.118619.118619.118519.108519.117419.116619.118019.1186
63569.79893569.79753569.79223553.92633562.37333569.79893569.79023569.790024.504924.503624.504524.379724.470024.476824.504024.5040
83604.77753604.77033604.60503576.84523583.80773600.47963604.77613601.431729.270029.264329.262828.698328.890129.172429.260929.2626
103622.88183622.45583620.67473597.70833583.88323618.09663622.61523622.533133.612333.555633.554832.268932.655833.441033.563133.5566
123631.31023630.55623630.70063614.9413612.37473626.12693630.0623630.846137.524937.524537.524734.478135.112337.158737.486737.4748
Image 341632.93481632.93481632.93251629.37421632.88321632.51011632.93291632.934817.908017.907817.908017.870817.906817.896617.908017.9078
61679.62731679.62241679.62171663.49431675.73841678.91561678.61651679.098323.019823.011323.019022.856522.970222.959323.018723.0159
81699.65391699.61121696.91621677.67831694.35111697.24181699.64751699.376427.659927.657827.593426.872327.515627.529827.675927.6531
101709.75471709.22741709.56131691.53361689.69331704.86731709.73151709.469131.928831.928031.896430.108630.449631.663531.920431.9034
121715.25511714.85161712.12071700.67391700.44491709.7381715.08771714.096435.778535.206335.777032.678332.737535.263935.778435.1769
Image 441319.94911319.94891319.94911315.33031318.98111319.59161319.94911319.948818.491818.491618.491218.462218.487218.481918.491818.4918
61369.02211369.02131368.99691357.14841366.78411367.99451369.02111369.012623.692223.691423.690523.446823.666923.612523.691223.6905
81390.03261390.03051387.40051374.32241389.26221387.40951389.18141388.558928.309528.302428.306727.928127.984728.258728.306328.3095
101399.64581399.40091393.73621384.49081384.95091396.92341399.02291187.09632.589232.586532.586631.572331.334832.257932.586732.5830
121405.86091405.64021404.56241384.88681393.27811401.22971403.5911404.576436.373936.368836.352035.562734.485235.977936.363536.3490
Image 542424.63172424.57082424.57082421.22032424.51392424.29452424.57082424.570818.738118.738018.737218.673118.721718.732618.736818.7381
62487.00842480.76692482.0922478.41162485.50452483.86172487.00642487.008424.029224.029124.023723.695223.958424.006424.023424.0273
82512.41892512.30532510.93442483.70682501.17522507.55832512.02362509.590128.743728.707928.711427.734728.277628.528628.743528.5687
102525.60942523.47522519.8992501.62252509.81732520.13892525.23272523.627732.989132.984732.925230.696731.009932.664632.930032.9754
122530.84682528.99492529.69072516.20912520.81272527.70532529.67782530.16336.805436.800936.027334.630434.694736.487736.804636.7984
Image 641729.22571729.22571710.93821726.021728.98821728.72191729.22571729.225718.777818.777718.777818.743618.774518.767918.776918.7771
61779.99291779.95721779.95681763.94611779.09671777.73731779.97561779.985424.355124.354824.354024.123624.307624.307024.354224.3547
81803.95261802.80081795.02111784.7711790.2591799.77211802.8071802.783429.304829.299829.303128.836128.755529.191129.303629.3047
101815.04291814.95341811.52931790.73571801.24031810.2451814.06641814.440933.835133.826733.834731.921632.808633.653733.830733.8329
121821.82061820.45631820.60981808.11621811.65871815.71411820.99471820.314737.956737.954237.954935.954435.860937.734237.949137.9458
Image 741400.54871400.54111401.54111398.00461400.2631399.73721400.54111400.541118.817618.817618.789118.764418.807618.801118.789118.8176
61441.01371440.92041440.9571434.60681439.92861438.54521441.01151441.004524.283824.272624.282924.114124.062524.256024.283024.2811
81459.62431459.40031457.31711444.26931437.14881454.86261459.61511459.550229.238029.229429.235228.923628.602629.120029.228729.1742
101469.84211469.72521469.54441454.50451456.59181466.04821469.70971468.647633.699133.388233.577532.185131.697033.426033.592233.5392
121475.63421475.15041470.26971458.69541464.1841472.2191475.041472.863537.711237.702737.707636.089835.133537.505837.706637.7104
Image 841435.72221435.72221435.68971433.79681435.35051435.2761435.71021435.722218.958518.957718.958518.919718.948218.955118.958318.9585
61500.09581500.02441500.08581484.13281498.1271497.53811500.01341500.023724.413524.411624.413424.257224.373524.384724.411924.4102
81525.35231524.70031525.30761510.28771501.94111521.25771525.17791525.1729.318529.317629.314828.867128.715729.251229.311029.3181
101539.66031539.17581537.48761523.33361526.30351533.99081539.55151539.336333.765333.765133.762632.695831.845433.498133.765033.7640
121547.40051547.35421542.42441530.21691535.49571542.91021547.39961547.31937.829337.824037.825436.257435.984437.619937.800537.8229
Image 942853.17432853.17432853.17432849.5762853.05842852.80732853.17432853.174318.738518.738118.738418.714618.736818.733318.738018.7399
62915.67232915.64082894.68262890.48992905.94512914.00362915.66792915.670224.063124.062724.062723.743424.004723.991824.058224.0356
82941.28512941.19412933.31132918.62242910.81352939.61532941.01112941.23728.949928.943328.944028.113027.848928.797428.949028.9297
102954.8342954.21992951.23382927.08432937.46982950.62982954.80922954.729933.310933.306233.302131.653331.687233.306933.307033.2021
122962.15412961.89132960.78912959.76512952.41872958.98892962.0372961.079837.542537.542137.331634.936534.891537.310737.514437.4505
Image 1041052.69081052.68411052.67141048.68731052.58391052.02941052.69081052.690818.825218.825218.825018.785018.804118.816718.824618.8246
61098.15951098.13331092.30761074.3081088.92461096.64781098.15431098.159524.417724.417324.417224.259224.314624.371624.417024.4144
81119.49961119.48161113.5531095.88431113.5871118.26961119.40581119.494829.373429.367829.372728.564828.755629.297029.372429.3639
101130.84081130.79431127.751112.76341119.22821126.43251130.80911130.510633.844233.842733.835732.613732.317733.705333.842333.8435
121137.10221136.83081133.88661121.54461126.94761131.711137.09521136.446237.920137.905537.918537.901737.012337.591837.917137.9133
Table 4. The standard deviation (STD) values using Otsu’s method in comparison with other algorithms.
Table 4. The standard deviation (STD) values using Otsu’s method in comparison with other algorithms.
ImagesKOBLDADAPSOSCABAHSOALOSSA
Image 140.0000.134 0.013 5.200 0.165 0.276 0.000 0.000
60.0150.232 3.230 6.040 3.160 0.697 1.670 0.156
80.1890.340 3.780 5.150 7.220 1.090 1.470 1.710
100.4011.250 1.420 5.630 52.500 1.390 0.558 0.519
120.4310.579 0.685 4.620 4.690 0.986 0.625 0.805
Image 340.0000.020 5.280 1.040 0.109 0.228 0.0000.000
60.0670.090 3.410 4.890 7.150 0.690 0.070 0.074
80.1120.315 3.780 5.670 4.420 1.430 1.480 0.250
100.1992.310 1.860 3.650 4.480 1.460 0.503 0.588
120.5420.793 2.850 5.120 4.790 0.804 0.876 0.842
Image 540.004 0.024 4.150 5.630 4.500 0.492 0.026 0.000
60.0020.322 2.100 6.070 5.780 0.596 2.140 0.005
80.0121.580 1.450 2.560 9.090 1.210 1.010 0.058
100.2501.510 2.890 5.480 7.350 1.090 0.996 0.690
120.6101.080 2.100 3.350 5.210 1.170 0.744 0.881
Image 740.0000.030 5.190 6.180 0.443 1.080 0.000 0.000
60.0030.178 2.360 4.890 3.550 0.480 0.007 0.006
80.2420.254 2.550 5.790 5.770 0.857 0.310 0.502
100.3980.460 1.020 2.450 4.780 1.370 0.394 0.489
120.5010.671 0.658 6.990 3.470 0.963 0.545 0.712
Image 940.0000.0000.278 1.100 0.105 0.370 0.002 0.000
60.0210.028 3.170 2.890 5.150 1.160 0.027 0.022
80.1960.216 3.630 3.460 5.190 0.660 0.199 0.201
100.1240.433 1.990 3.210 4.890 1.840 0.358 0.577
120.2320.272 1.310 2.660 3.990 0.892 0.993 1.180
Table 5. The STD values using Kapur’s method in comparison with other algorithms.
Table 5. The STD values using Kapur’s method in comparison with other algorithms.
ImagesKOBLDADAPSOSCABAHSOALOSSA
Image 240.0000.0000.0000.0070.0010.0250.0000.000
60.0000.0000.0000.0310.0510.0330.0000.001
80.0020.0060.0050.2000.3570.0310.0030.004
100.0150.0730.3050.3130.4780.0330.0150.059
120.0270.0300.2140.5890.7900.0660.0290.029
Image 440.0000.0000.0010.0150.0010.0210.0010.000
60.0010.0010.0070.0350.0510.0150.0130.015
80.0210.0210.0280.2510.3130.0640.0220.030
100.0300.0340.2020.3870.5340.0790.0320.049
120.0390.0430.4670.5080.6020.0550.0480.060
Image 640.0000.0080.0160.0070.0030.0030.0010.001
60.0020.0040.0030.0340.0240.0120.0010.001
80.0050.0120.0140.1990.4990.0220.0070.007
100.0120.0330.0120.2660.7420.0350.0350.027
120.0310.0460.0440.3530.6720.0820.0500.045
Image 840.0000.0000.0000.0080.0120.0030.0010.000
60.0010.0050.0040.0650.0490.0120.0040.003
80.0020.0190.0020.1850.2010.0370.0120.002
100.0110.0150.0130.2970.3420.0690.0350.018
120.0220.0330.0260.3550.4260.0330.0480.027
Image 1040.0010.0020.0010.0150.0030.0050.0010.001
60.0020.0020.0020.0570.0530.0220.0020.002
80.0060.0060.0060.0960.3840.0160.0060.006
100.0010.0170.0060.2320.4980.0510.0030.010
120.0020.0230.0070.4320.6310.0630.0050.018
Table 6. Statistical analysis of Wilcoxon rand sum test for the results.
Table 6. Statistical analysis of Wilcoxon rand sum test for the results.
ComparisonP-value (Otsu)P-value (Kapur)
OBLDA versus DA2.5389 × 10−65.1569 × 10−4
OBLDA versus PSO1.4569 × 10−68.5902 × 10−5
OBLDA versus SCA2.4901 × 10−83.7915 × 10−6
OBLDA versus BA2.3762 × 10−46.8903 × 10−7
OBLDA versus HSO6.3917 × 10−56.1372 × 10−5
OBLDA versus ALO4.7835 × 10−61.0937 × 10−5
OBLDA versus SSA0.10030.0005
Table 7. Statistical analysis of Friedman test for the results.
Table 7. Statistical analysis of Friedman test for the results.
KOBLDADAPSOSCABAHSOALOSSAP-value
42.51673.76674.63337.30005.83336.06672.08333.30004.3904 × 10−23
61.51253.86257.22506.20005.35004.51253.57503.76252.1183 × 10−29
81.35343.88335.90005.96676.35005.25003.53334.11671.3943 × 10−20
101.01253.63754.88755.93756.70005.66253.78754.37502.9605 × 10−28
121.01254.51255.42506.02506.31255.17503.72503.81256.6435 × 10−26
all1.25253.94505.11506.42506.30755.53503.61753.80251.3442 × 10−86
Table 8. The average time (s) considering all images under different threshold levels.
Table 8. The average time (s) considering all images under different threshold levels.
KExhaustive Search MethodOtsu’s MethodKapur’s Method
OBLDADAΔOBLDADAΔ
2600.6763.667843.780472.97%3.768873.894033.34%
43.884784.103895.33%3.874504.099885.37%
64.172904.464386.52%4.136414.462177.39%
84.590744.993358.06%4.583634.994698.21%
105.063215.520948.49%5.046125.513588.52%
125.572856.2034510.1%5.563356.2004610.3%

Share and Cite

MDPI and ACS Style

Bao, X.; Jia, H.; Lang, C. Dragonfly Algorithm with Opposition-Based Learning for Multilevel Thresholding Color Image Segmentation. Symmetry 2019, 11, 716. https://doi.org/10.3390/sym11050716

AMA Style

Bao X, Jia H, Lang C. Dragonfly Algorithm with Opposition-Based Learning for Multilevel Thresholding Color Image Segmentation. Symmetry. 2019; 11(5):716. https://doi.org/10.3390/sym11050716

Chicago/Turabian Style

Bao, Xiaoli, Heming Jia, and Chunbo Lang. 2019. "Dragonfly Algorithm with Opposition-Based Learning for Multilevel Thresholding Color Image Segmentation" Symmetry 11, no. 5: 716. https://doi.org/10.3390/sym11050716

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