Abstract

This article addresses automated segmentation and classification of COVID-19 and normal chest CT scan images. Segmentation is the preprocessing step for classification, and 12 DWT-PCA-based texture features extracted from the segmented image are utilized as input for the random forest machine-learning algorithm to classify COVID-19/non-COVID-19 disease. Diagnosing COVID-19 disease through an RT-PCR test is a time-consuming process. Sometimes, the RT-PCR test result is not accurate; that is, it has a false negative, which can cause a threat to the person’s life due to delay in starting the specified treatment. At this moment, there is an urgent need to develop a reliable automatic COVID-19 detection tool that can detect COVID-19 disease from chest CT scan images within a shorter period and can help doctors to start COVID-19 treatment at the earliest. In this article, a variant of the whale optimization algorithm named improved whale optimization algorithm (IWOA) is introduced. The efficiency of the IWOA is tested for unimodal (F1–F7), multimodal (F8–F13), and fixed-dimension multimodal (F14–F23) benchmark functions and is compared with the whale optimization algorithm (WOA), salp swarm optimization (SSA), and sine cosine algorithm (SCA). The experiment is carried out in 30 trials and population size, and iterations are set as 30 and 100 under each trial. IWOA achieves faster convergence than WOA, SSA, and SCA and enhances the exploitation and exploration phases of WOA, avoiding local entrapment. IWOA, WOA, SSA, and SCA utilized Otsu’s maximum between-class variance criteria as fitness function to compute optimal threshold values for multilevel medical CT scan image segmentation. Evaluation measures such as accuracy, specificity, precision, recall, Gmean, F_measure, SSIM, and 12 DWT-PCA-based texture features are computed. The experiment showed that the IWOA is efficient and achieved better segmentation evaluation measures and better segmentation mask in comparison with other methods. DWT-PCA-based texture features extracted from each of the 160 IWOA-, WOA-, SSA-, and SCA-based segmented images are fed into random forest for training, and random forest is tested with DWT-PCA-based texture features extracted from each of the 40 IWOA-, WOA-, SSA-, and SCA-based segmented images. Random forest has reported a promising classification accuracy of 97.49% for the DWT-PCA-based texture features, which are extracted from IWOA-based segmented images.

1. Introduction

Image segmentation is the preprocessing step for analyzing a medical image and is utilized in classification applications. Important features such as texture and shape-based features are extracted from the segmented image. COVID-19 is highly contagious and spreads through contact and respiratory illness [1, 2]. It is a challenging task to determine COVID-19 disease in humans accurately through RT-PCR [3, 4] and rapid antigen kit. People who are affected by coronavirus may feel symptoms such as trouble in breathing, chest pain, belly pain, and pressure in the chest. Diagnosing COVID-19 disease via RT-PCR is a time-consuming process, and when coronavirus cases were at the peak, the RT-PCR test results were available 48 hours after the sample collection. Since treatment can only be started after obtaining the result, people have to wait till the disease reach studies its worst level, significantly increasing the chances of death. Sometimes, the RT-PCR test is not accurate; that is, has a false result, then it may be a threat to a person’s life due to the late start of specified treatment. As per the above scenario, there is an urgent need to develop a reliable automatic COVID-19 detection tool that detects COVID-19 disease from chest CT scan images within a shorter time and may help doctors to start COVID-19 treatment at the earliest. Chiranji Lal et al. [5] discussed various medical imaging modalities and surveyed various segmentation techniques. Manual medical image segmentation by a medicinal professional is a time-consuming process, and the diagnosis might be erroneous. Sonam Aggarwal et al. [6] have made comparative analysis among various pretrained DL models for detection and classification of COVID-19 from normal and pneumonia images. Shiv Naresh et al. [7] applied the region-based active contour method and convex hull approach to segment and detect brain tumours from the BRATS 2015 dataset. The average sensitivity, PPV, and DSC were 92% for a complete brain tumour, 83% for an enhanced brain tumour, and 81% for brain tumour core. Adnan Saood et al. [8] utilized U-net and SegNet to segment COVID-19 lung CT scan images. SegNet achieved 95% mean accuracy in classifying infected/noninfected tissues. Arjun Sarkar et al. [9] used Vision Pro and Cognex DL software classified chest X-ray from the COVIDx dataset. Vision Pro achieved a 95.3% F-score on a segmented image and 94% on the entire image as ROI and performed better than COVID-Net. Nilesh Bhaskarrao Bahadure et al. [10] applied Berkeley wavelet transformation for brain tumour segmentation, and extracted features from the segmented images were utilized by SVM to classify into normal/abnormal tissue. Shaoqiong Huang et al. [11] applied DL-based attention Gabor network (Agnet) for lung segmentation, which achieved better segmentation accuracy in FMLCD and LiTS datasets than FCN, U-Net, U-Net++, and Attention U-Net. Saumya Ranjan et al. [12] utilized pretrained DL models to detect COVID-19/normal from chest X-ray images. The proposed method with various pretrained DL models accuracy varies between 92.50% and 98.33%. The proposed method with Res-net 34 achieved 98.33% accuracy. Armando Ugo Cavallo et al. [13] extracted 308 texture features per ROI from chest X-ray and analyzed pneumonia infection in COVID-19 patients using machine-learning models. Metaheuristic algorithms [14] are becoming more popular because they do not require gradient information, have ability to avoid entrapment into local optima, and are utilized to solve complex optimization problems efficiently. Mohamed Abd El Aziz et al. [15] presented Moth Flame optimization and WOA separately using the Otsu method for multilevel thresholding image segmentation. The best fitness result, time complexity, and segmentation quality metrics of PSNR, SSIM, and ANOVA tests were computed for WOA, MFO, and other swarm-based algorithms. WOA and MFO performed better than other algorithms. A.A.Ewees et al. [16] proposed the whale optimization algorithm (WOAMOP) with Otsu’s and Kapur’s entropy utilized as the fitness function to determine the optimal set of thresholds. The proposed method has been compared with WOA, FA, Social Spider Optimization (SSO), and FASSO. The average fitness result, CPU processing time, multilevel threshold values, SSIM, and PSNR were evaluated over 30 runs and 100 iterations for the proposed method along with other algorithms. WOAMOP achieved better segmentation quality metrics PSNR and SSIM for threshold number k = 2,3,4, and 5. Seyedali Mirjalili et al. [17] proposed salp swarm algorithm (SSA) and multiobjective problems are solved by multiobjective salp swarm algorithm. The SSA first explores the search space and then performs the exploit phase. In the SSA, the position of follower salps is updated to achieve the global position. The efficiency of the SSA is tested on F1–F19 benchmark functions for 30 trials, population size is set as 30 and 500 iterations in each run, and the statistical results such as standard deviation and mean are compared with PSO, GSA, BAT, flower pollination algorithm (FPA), SMS, firefly algorithm (FA), and genetic algorithm (GA). The SSA is able to explore the most promising area of problems and obtains better mean standard deviation values and outperforms in majority of unimodal, multimodal, and composite test functions. Seyedali Mirjalili [18] proposed a sine cosine algorithm (SCA) to solve optimization problems. The efficiency of the SCA is tested on F1–F19 benchmark functions for 30 trials, the population size is set as 30 and 500 iterations in each run, and the statistical results such as standard deviation and mean are compared with PSO, GA, BAT, and Flower Pollination Algorithm (FPA). The SCA establishes a balance between exploration and exploitation to find global optima and achieves fast convergence behavior than the other algorithms. BD Shivahare and S.K.Gupta [19] applied a randomized spiral phase-based whale optimization algorithm and evaluated multilevel optimal threshold and segmentation metrics such as PSNR, SSIM, MSE, and average difference. Kapil Kumar Gupta et al. [20] proposed hybrid K-means clustering and fuzzy C means algorithm for brain tumour segmentation and classification of benign/malignant brain tumours. V.Viswa Priya and Shobarani [21] proposed a contextual clustering algorithm to perform brain tumour segmentation. A. Renugambal and K. Selva Bhuvaneswari [22] applied hybrid water cycle moth flame optimization to obtain optimal thresholds for brain MR image segmentation. Otsu’s maximum between-class variance criteria are utilized as the objective function. WCMFO has achieved a fast convergence rate to compute optimal thresholds and has improved quantitative metrics such as PSNR, CPU time, and std. deviation. Mohammad Hashem Ryalat et al. [23] applied PSO, DPSO, and FODPSO algorithms on three brain tumour MR images, performed segmentation and volume reconstruction, and identified tumours that affected the head and neck. FODPSO has performed better than others in terms of speed, accuracy, and stability. Dilbag Singh et al. [24] proposed a MADE-based deep convolution neural network model to diagnose COVID-19 disease from chest X-rays. Multiobjective adaptive differential evolution (MADE) is used to overcome hyperparameters tuning issues of the deep convolution neural network. The accuracy of the proposed model ranges between 93% and 97%. El abbadi, Nidhal & Faisal, Zahraa [25] proposed a method to segment brain tumour and classification. The authors used 3-level DWT to extract features from tumour-detected region and utilized the PCA to reduce the dimensions of features. Twenty brain MRI images and 45 brain MRI images were used to train and test ANN, respectively. Thirteen statistical and texture features were used as input to ANN for classification. Abdalla Mostafa et al. [26] applied the whale optimization algorithm to compute various clusters and utilized statistical images for liver image segmentation. Maximum, minimum, and average quantitative metrics such as accuracy, SSIM, precision, and si are evaluated. Mohamed Abd Elaziz et al. [27] proposed density peak clustering with general extreme values (DPCGEVs) on 12 COVID-19 CT scan images to compute optimal thresholds. The proposed algorithm was compared with K-means and DPC and has performed better in terms of entropy, SSIM, and PSNR. Image Segmentation is a preprocessing step. The classification task is performed by a machine-learning model based on extracted features of the segmented image.

To analyze and diagnose disease from medical imaging through manual segmentation is a time-consuming process. In the field of medical science, a huge number of medical images are generated by computer-aided devices every day; therefore, it is very difficult to analyze and diagnose these medical images efficiently with manual segmentation method. Deep learning (DL) approaches are widely used in the medical image segmentation field. DL models [27] require vast training using a huge number of images and may not report good accuracy due to a limited number of images, and unsupervised machine-learning approaches such as clustering algorithms do not require training for images and are suitable to compute thresholds for multilevel image segmentation [1719]. DL models suffer from hyperparameters tuning setting and overfitting issues. To overcome these issues, Kaur et al. [28] proposed a metaheuristic-based DL model to diagnose COVID-19 disease.

In this article, the authors propose a variant of the whale optimization algorithm named improved whale optimization algorithm (IWOA) utilizing the Otsu thresholding method as the fitness function to compute optimal thresholds for multilevel image segmentation. The efficiency of the proposed method, IWOA, has been compared with other nature-inspired metaheuristic algorithms such as whale optimization algorithm, salp swarm algorithm, and sine cosine algorithm on 23 benchmark functions as described in Section 4.2. The IWOA achieves faster convergence than others, enhances the exploitation and exploration phase of WOA, and avoids local entrapment. Each of metaheuristic algorithms such as IWOA, WOA, SSA, and SCA utilized Otsu’s maximum between-class variance criteria as the objective function to compute optimal threshold values at threshold number k = 3 on 200 COVID-19 and normal chest CT scan images for multilevel image segmentation. Two-level DWT with the Haar wavelet filter is used to extract the features from the segmented image, and then, the PCA is used to reduce dimensions of features. Twelve DWT-PCA-based texture features are extracted from the segmented image and used as input into the random forest machine-learning algorithm for classification. The experiments have been conducted on 200 COVID-19 and normal chest CT scan images for image segmentation at threshold number k = 3, described in Section 4.3. Performance of the proposed image segmentation method and other algorithms has been analyzed using 21 parameters such as fitness score, optimal threshold values, and segmentation quality metrics such as structural similarity index (SSIM), accuracy, sensitivity, specificity, precision, F_measure, Gmean, and 12 DWT-PCA-based texture features (Algorithm 1).

2. Materials and Methods

2.1. Problem Formulation

The aim of multilevel thresholding is to find best k threshold values, which are computed by Otsu’s maximum between-class variance criteria. The Otsu method is used as fitness function and popular image thresholding method to determine multiple threshold values. Therefore, for tk, k = 1, 2, 3, …, k {t1, t2, t3, …, tk} thresholds, the image is segmented into k + 1 classes or levels. The range of each class is described as follows:Class1 = {I (x, y) ε G | 0 ≤ G (x, y) ≤ t1}Class2 = {I (x, y) ε G |t1 + 1 ≤ G (x, y) ≤ t2}..…Classk+1 = {I (x, y) ε G | tk + 1 ≤ G (x, y) ≤ L − 1}

Here, I (x, y) represents the intensity of pixel (x, y) of gray-level image G and L is gray levels L ε [0,255].

Best threshold values are computed by maximizing the following equation:where Fitness () is formulated as the following equation:where and represent the weight and mean of ith class, respectively, and represents the total mean of the class. The weight of the ith class is given as follows:

Here, represents the probability of the jth class and defined as follows:

Here, h (j) is the frequency of j gray level and H represents the total number of pixels.

The class means and are represented in the following equations, respectively:

The following conditions must be satisfied:

2.2. Whale Optimization Algorithm

Mirjalili et al. [14] introduced the whale optimization algorithm (WOA), which is widely used to solve global optimization problem by emulating the humpback behavior. The WOA is gradient-free, avoids entrapment into local optima, and has ability to obtain optimal solution. Generally, these whales first encircle the target prey by forming bubbles of circular path or a path shaped like “9.” The WOA establishes the balance between exploration and exploitation phases. The exploration and exploitation phases performed by the WOA is described in Sections 2.2.1 and 2.2.2, respectively.

2.2.1. Exploration Phase

In the exploration phase, whale is randomly selected from search space to obtain towards global or best position to obtain the close location of target prey. The position of whale is updated using the random position of whale rand for | ≥ 1. The updated position of whale under the exploration phase is presented in the following equation:where is distance between current search agent and randomly selected whale or search agent from search space.

2.2.2. Exploitation Phase

In the WOA, the exploitation phase is performed by bubble net foraging behavior. Bubble creation behavior by humpback whale is done in two phases.

(a) Shrinking Encircling Prey. In this phase, the value of a is shrinking linearly from 2 to 0 over the successive iterations (t) and vector has a random value between [−1, 1] over the course of iterations. The encircling phase is expressed using the following equation:where (i + 1) represents the updated position of the search agent in n dimension at iteration t and is the positions of best search agent. Coefficient vector is mathematically defined in the following equation:

D denotes distance from the best agent, which is defined as follows:

Here, represents the positions of the search agent in search space at iteration t. Adjustment factor helps the search agents to exploit the local areas in search space and is defined as

Here, r is a randomly generated number r ε (0, 1) and represents the vector.

(b) Spiral Updating Position. The updated position of search agents or whales under the spiral formation phase is mathematically expressed aswhere controls a2 parameter, b defines spiral shape, and () represents the distance between search agent and target prey as defined in the following equation:

is mathematically expressed in the following equation:where “a2” is decreasing linearly from −1 to −2 over the successive iterations t and expressed as the following equation:

The exploitation phase of the WOA is implemented with equal probabilities using the following equation:where p (0, 1) is randomly generated number.

(1)Input: initialize randomly generated Population (Pi) in search space, i:  = 1, 2, …, n
(2)Output: (global position of best whale)
(3)while (iteration < MaxIteration) do
(4)Compute the fitness of each whale and position of prey ()
(5) for each whale do
(6)   Update , p, ,
(7)   check ()
(8)   if |A| < 1
(9)   Update the whale’s positions using encircling phase
(10)   else if |A| ≥ 1
(11)   Compute () and update the whale’s position under exploration phase
(12)   end if
(13)   otherwise ()
(14)   update the whale’s positions under spiral phase
(15)   end step 8
(16)  end step 5
(17) Limit the boundary of whales
(18) compute fitness of each whale and prey ()
(19) next iteration
(20) end step 3
(21) Return the optimized solution

3. Proposed Methodology

Step 1. Input Gray ImageStep 2. Preprocessing(a)Apply median filter.(b)Image resizing 256 × 256 pixels.Step 3. Each clustering algorithm IWOA, WOA, SSA, SCA utilize otsu’s maximum between variance criteria as fitness function to compute multilevel threshold values.Step 4. Image segmentation is performed by multilevel threshold values obtained by each algorithm.Step 5. Predicted segmentation mask and segmentation accuracy is obtained for each clustering method based segmented imageStep 6. Extract DWT-PCA based texture features to train random forest machine learning algorithmStep 7. Classify COVID-19/Non-COVID-19 disease by random forest algorithm

In Step 6, 2-level DWT with the Haar wavelet filter is used to extract features from the segmented image and then the PCA is applied to reduce the dimensions of features. Twelve DWT-PCA-based texture features extracted from each of the 160 IWOA, WOA, SSA, and SCA-based segmented images are fed into random forest for training, and random forest is tested with DWT-PCA-based texture features of each 40 IWOA, WOA, SSA, and SCA-based segmented images.

In Step 7, 12 DWT-PCA-based texture features are used as input for random forest to classify COVID-19/non-COVID-19 status of patients.

The flowchart of the proposed methodology is illustrated in Figure 1.

3.1. The Proposed Metaheuristic Algorithm (IWOA)

In this section, a variant of the WOA, the improved whale optimization algorithm (IWOA) is proposed to determine the optimal thresholds for multilevel image segmentation utilizing the maximum between-class variance criteria of the Otsu method as defined in equation (2). The flowchart of the proposed algorithm, IWOA, is illustrated in Figure 2(b). In the flowchart, E1 refers to equation (21), E2 refers to equation (9), and E3 refers to equations (18) and (19). In spiral updating position, which was discussed in Section 2.2, the WOA may trap into local optima if the best search agent or whale is far away from global solution ().

To avoid entrapment into local optima,(a)Search agent’s position step in the WOA for |A| ≥ 1(exploration phase) and (spiral phase) is modified.Updated positions of search agents for |A ≥ 1 under the exploration phase are mathematically modelled in the following equations:Here, represents the sorted position of whale number at current iteration t and mathematically modelled in (20).Here, pop is population size of the search agent and T is maximum iteration.Updated positions of search agents for is mathematically modelled in the following equation:where represents the sorted position of whale, b defines the spiral shape, is the leader or global position of whale, and () represents the distance between the best search agent and target prey as defined in the following equation:Generally, parameter is controlled by a2 parameter, and the modification step in a2 parameter is discussed as follows.(b)In the whale optimization algorithm (WOA), exploitation is implemented using either the encircling phase or the spiral phase. The WOA follows the best whale to converge towards global optimal solution. The WOA may trap into local optima if the best whale is far away from global solution. To avoid entrapment into local optima, randomness is introduced in the spiral phase of the WOA. Generally, parameter is controlled by a2 parameter as described in (15). The value of a2 parameter is dynamically selected and lies between (−1, −2); that is, the value of a2 parameter is randomly selected in the range between [−1, −2] and may obtain a random value close to −2 at starting iterations (t) rather than linearly decreasing (−1 to −2) over the course of iterations. a2 parameter is mathematically modelled in the following equation:Now, parameter follows randomization in selection of its value in the spiral phase and avoids the possibility of trapping into local optima, premature convergence during the exploitation phase of the WOA.

The efficacy of the proposed algorithm is described in Section 4.2 and found that the exploration and exploitation capability of the WOA could be enhanced and chances to obtain global positions of the search agent are high over successive iterations.

The flowchart of the proposed metaheuristic clustering algorithm (IWOA) is illustrated in Figure 2(b).

4. Experiments and Discussion

4.1. Experimental Setting

The efficiency of the proposed method, IWOA, is compared with WOA, SSA, and SCA and discussed in Section 4.2. Optimal thresholds are computed by the proposed methods, IWOA, WOA, SSA, and SCA, for multilevel chest CT scan image segmentation, which is presented in Section 4.3. All algorithms are programmed in “MATLAB 2019 a” and implemented in Windows 8 64-bit computer having Intel Core i3 @ 2 GHz, 4 GB RAM. Objective function’s best score, worst score, best threshold values, and segmentation measures of the proposed algorithm (IWOA) are compared with the other three algorithms, WOA [14], SSA [17], and SCA [18]. Each algorithm is tested on every image over 30 runs. For each run, whale/search agent population size and maximum iterations are set as 30 and 100, respectively, for threshold number k = 3. Algorithm parameters are listed in Table 1.

4.2. Performance of IWOA on Standard Benchmark Problems

The efficacy of the IWOA is validated on twenty-three benchmark functions; that is, unimodal (F1–F7), multimodal (F8–F13), and fixed-dimension multimodal (F14–F23), and the results are compared with other nature-inspired algorithms, namely WOA [14], SSA [17], and SCA [18].

The computation complexity of IWOA, WOA, SSA, and SCA is defined as O (N × ) where and N represent the maximum number of iterations and swarm population size, respectively.

In the literature, the WOA [14] has outperformed PSO, DE, FEP, and gravitational search algorithm (GSA). The SSA [17] has outperformed PSO, GSA, FPA, FA, BAT, SMS, and GA. The SCA [18] has outperformed PSO, GA, FPA, and BAT. Therefore, the computation results of PSO, DE, GSA, GA, FPA, BAT, and firefly (FA) are not included in this article.

Table 2 presents the best and worst fitness score obtained by executing each algorithm over 30 runs and 100 iterations under each run. Table 2 indicates that the IWOA and WOA both obtained similar fitness score and attained a maximum value for unimodal functions F1–F7 and multimodal F11–F13, but the IWOA achieved fast convergence and takes less number of iterations to obtain better fitness score than WOA, SSA, and SCA. The IWOA has achieved fast convergence behavior for F1–F6. SCA performed better for F7 followed by SSA, IWOA, and WOA. The IWOA obtained the best fitness score and fast convergence for F8, F9, and F10 fitness functions followed by WOA, SSA, and SCA, as shown in Figures 35.

Fitness functions F4, F14, F16, and F18 have similar fitness score for all algorithms over 30 runs. Overall, the IWOA achieved fast convergence and best score 11 times for F1, F2, F3, F5, F6, and F8–F13. For fitness functions F2, F3, and F13, the IWOA comes at first rank followed by the WOA at the second rank, SSA, and SCA. For fitness functions F1, F5, F6, F11, and F12, the IWOA achieved the first rank followed by the WOA (second rank), and SCA and SSA on the basis of fast convergence and best fitness score, respectively. SSA achieved fast convergence, best score, and first rank 6 times for fitness functions (F17, F19 to F23). For F19 and F20, SSA achieved first rank followed by IWOA, WOA, and SCA. For F21 to F23, SSA achieved first rank followed by SCA, IWOA, and WOA. SCA achieved the first rank twice for F7 due to the best score and fast convergence and for F18 due to fast convergence behavior.

The IWOA achieved fast convergence and best score and attains first rank for 11 fitness functions (F1–F3, F5, F6, and F8–F13) followed by the WOA as second rank. The IWOA attains the second rank 3 times for fitness functions F18, F19, and F20. Exploitation and exploration capability of all algorithms have been evaluated with unimodal (F1–F7) and multimodal (F8–F23) functions, respectively. It can be seen from Table 2 that the IWOA is a competitive and efficient optimizer for unimodal and multimodal functions and at least second in most cases.

Thus, it can be said that the proposed method, IWOA, has better exploitation and exploration capability and could avoid entrapment into local optima as compared to the considered methods. The convergence behavior of F2, F9, F6, F10, F8, and F21 is shown in Figure 3 to Figure 8 respectively, for IWOA, WOA, SSA, and SCA.

4.3. Benchmark Images

Performance of the proposed method (IWOA) and other methods (WOA, SSA, and SCA) utilized Otsu’s maximum between variance criteria as fitness function for COVID-19 and normal chest CT scan image segmentation at threshold number k = 3 is evaluated on 200 randomly selected images from dataset1 [29] and dataset2 [30]. Each image has binary segmentation mask for dataset1. The image of dataset2 is resized to 256 × 256, and a binary segmentation mask is generated by simple linear iterative clustering (SLIC). Segmentation metrics from ground truths are computed.

Some sample of gray scale images (Img001.png, Img008.png, Img023.png, Img050.png, Img056.png, Img061.png, Img072.png, Img075.png, Img080.png, Img091.png) from dataset1 [29] and sample of gray images (NonCovid4.png, NonCovid31.png, NonCovid79.png, NonCovid96.png, NonCovid109.png from dataset2 [30], named SImg 1 to SImg 15, respectively, are shown in Figure 9.

4.4. Experimental Results and Discussion

Best fitness score (maximum fitness) and worst fitness score (minimum fitness) computed by the proposed method, IWOA, along with WOA, SSA, and SCA utilizing Otsu’s maximum between variance criteria for every image at threshold number k = 3 are computed over 30 independent runs, and 100 iterations under each run are set for each algorithm, and the computation result of sample image is illustrated in Table 3.

Multilevel optimal threshold value is computed by each method at threshold number k = 3 of each image over 30 runs and optimal threshold values of sample image is illustrated in Table 4.

Quantitative metrics such as accuracy, sensitivity, specificity, precision, F_measure, Gmean, and SSIM are computed between segmented images by each method (IWOA, WOA, SSA, and SCA), and the respective ground truth/segmentation mask under each run and segmentation metrics for each image is computed by each method. Segmentation metrics for 15 sample images computed by each method is listed in Tables 58 as an average of 30 runs and further average segmentation metrics of 15 images are computed.

It is clear from Tables 58 that the average segmentation metrics computed for 15 IWOA-based sample segmented images are better than those of the segmented images computed based on the other methods. Segmentation metrics such as accuracy, sensitivity, specificity, precision, F_measure, and Gmean are computed between binary segmentation image mask (predicted binary mask) and binary segmentation mask (ground truth) of the corresponding image from the dataset. SSIM is computed between gray-level segmentation image mask (predicted binary mask) and gray-level segmentation mask (ground truth) of the corresponding image from the dataset. Average segmentation metrics computed for 15 IWOA-, WOA-, SSA-, SCA-based segmentation images are compared and listed in Table 9 and shown in Figure 10. It is clear from Table 9 that the IWOA has achieved 1st rank in segmentation measures followed by SSA (2nd rank), WOA, (3rd rank), and SCA (4th rank).

Discrete wavelet transform (DWT) and principal component analysis (PCA) are applied on each of the 200 IWOA-, WOA-, SSA-, and SCA-based segmented images over 30 runs to extract the first-order and second-order texture features. Two-level DWT with the Haar wavelet filter is used to extract features from the segmented image, and then, PCA is applied to reduce the dimensions of features. PCA selects the important ordered feature set. Twelve DWT-PCA-based texture features extracted from each 15 IWOA-based segmented images (SegImg1 to SegImg15) are listed in Table 10 as an average of 30 runs, and further average texture features are computed. Second-order texture features [31] such as correlation, contrast, homogeneity, and energy are computed by the GLCM pattern. Twelve DWT-PCA-based texture features extracted from each of the 160 IWOA-, WOA-, SSA-, and SCA-based segmented images are fed into random forest [32] for training. Random forest is tested with DWT-PCA-based texture features of each of 40 IWOA-, WOA-, SSA-, and SCA-based segmented images. Twelve DWT-PCA-based texture features are used as input for random forest to classify COVID-19/Non-COVID-19 status of patients. Random forest has achieved promising 97.49% classification accuracy for DWT-PCA-based texture features of IWOA-based segmented image.

The visual quality of the predicted segmentation mask, RGB-labelled segmented image, and segmented image for the best threshold value computed by the proposed method (IWOA) along with WOA, SSA, and SCA is shown in Figure 11. The IWOA method achieves better segmentation accuracy and visual quality of predicted segmentation mask and segmented image than other methods.

Table 11 indicates that the predicted segmentation mask generated by the IWOA method for SImg2, SImg3, SImg13, and SImg15 has achieved better segmentation accuracy compared to the predicted segmentation mask generated by other methods.

From Table 12, it is inferred that the random forest algorithm has achieved promising 97.49% classification accuracy for DWT-PCA-based texture features, which are extracted from IWOA-based segmented images. When the texture features are extracted from SSA-based segmented images, the random forest achieved 94.12% accuracy, which further decreased by 1% if the texture features are extracted from WOA-based segmented images. Random forest has given the least accuracy 90% for DWT-PCA-based texture features, which are extracted from SCA-based segmented images.

5. Conclusion

Diagnosing COVID-19 disease through an RT-PCR test is a time-consuming process, and sometimes, the RT-PCR test has a false-negative result, which can cause a threat to the person’s life due to delay in starting the specified treatment. At this moment, there is an urgent need to develop an automatic COVID-19 detection tool that can detect the COVID-19 disease from chest CT scan images within a shorter span of time. In this article, a variant of the existing whale optimization algorithm named improved whale optimization algorithm (IWOA) is introduced to compute optimal threshold values. The efficiency of the IWOA is tested using 23 benchmark optimization functions, and it was proven that the IWOA achieved better convergence behavior, and improved the exploitation and exploration ability of WOA and bypass local optima. The proposed method (IWOA) and WOA, SSA, and SCA as clustering methods utilize Otsu’s maximum between-class variance criteria to compute the optimal threshold. Automated segmentation is performed with optimal threshold values (k = 3). The IWOA method has achieved a better fitness score, segmentation accuracy, visual quality of predicted segmentation mask, and segmented image than other methods. The IWOA-based segmentation method grips the 1st rank to evaluate segmentation metrics. Two-level DWT with the Haar wavelet filter is used to extract the features from the segmented image, and then, PCA is applied to reduce dimensions of features. Twelve DWT-PCA texture features extracted from the segmented image are utilized as input to the random forest machine-learning algorithm for the classification of COVID-19/Non-COVID disease. The random forest algorithm has reported a promising classification accuracy of 97.49% for DWT-PCA-based texture features, which are extracted from IWOA-based segmented images. In the future, DWT-PCA-based texture features extracted from the proposed method will be fed as input to various machine-learning and pretrained deep learning models to detect tumour from brain MRI images and classification metrics comparison will be carried out.

Abbreviations

COVID-19:Coronavirus disease-19
RT-PCR:Reverse-transcription polymerase chain reaction
DL:Deep learning,
PCA:Principal component analysis
IDM:Inverse difference moment
DWT:Discrete wavelet transform.

Data Availability

The simulation experiment method used to compute the findings is available from the corresponding author upon request.

Conflicts of Interest

The authors declare that there are no conflicts of interest for publication.