Abstract

Recently, the 6G-enabled Internet of Medical Things (IoMT) has played a key role in the development of functional health systems due to the massive data generated daily from the hospitals. Therefore, the automatic detection and prediction of future risks such as pneumonia and retinal diseases are still under research and study. However, traditional approaches did not yield good results for accurate diagnosis. In this paper, a robust 6G-enabled IoMT framework is proposed for medical image classification with an ensemble learning (EL)-based model. EL is achieved using MobileNet and DenseNet architecture as a feature extraction backbone. In addition, the developed framework uses a modified honey badger algorithm (HBA) based on Levy flight (LFHBA) as a feature selection method that aims to remove the irrelevant features from those extracted features using the EL model. For evaluation of the performance of the proposed framework, the chest X-ray (CXR) dataset and the optical coherence tomography (OCT) dataset were employed. The accuracy of our technique was 87.10% on the CXR dataset and 94.32% on OCT dataset—both very good results. Compared to other current methods, the proposed method is more accurate and efficient than other well-known and popular algorithms.

1. Introduction

Providing medical diagnoses in real time using modern communication technologies such as the sixth-generation wireless communications standard (6G) is a major topic. Fortunately, early diagnosis of infections that affect sensitive human body sections may assist in restricting disease transmission and safeguarding the afflicted body parts (e.g., cancers spread rapidly throughout the body). Without a proper and timely diagnosis, illnesses may spread rapidly, resulting in a high risk of death [1, 2]. For instance, pneumonia diagnosis and prediction are difficult in medical imaging and healthcare, which are still under research. The fast growth of medical devices, communication technology, cloud computing, and the Internet of Medical Things (IoMT) may improve healthcare. The IoMT is a series of Internet-connected devices that aid in medical operations and activities [3]. The IoMT and 6G technology recently gave the medical field new tools/approaches to enhance illness detection and provide a rapid medical diagnosis. Furthermore, a vast quantity of data, such as computed tomographic (CT) scans, is created daily, showing the challenge of analyzing these images in real time to aid in the early detection of disease. Medical images may be restricted to researchers in the medical field alone due to privacy issues. As a result, the medical field continues to face hurdles in categorizing medical images. Furthermore, CT scans are low-resolution, noisy, and complex to analyze, posing difficulties in terms of disease detection accuracy.

Compared to earlier approaches for early diagnosis, the 6G-enabled IoMT offers a framework for analyzing multiple slices of CT scans in real time, allowing for speedy and reliable replies. Furthermore, various deep learning (DL) models and architectures were developed for the IoMT infrastructure integration [4, 5]. For instance, the MobileNet architecture is a widely used model which can be easily integrated into embedded systems with low resource. In addition, the MobileNet [6] models showed remarkable performance in terms of medical image analysis and disease diagnosis assistance [7, 8]. The recently developed DL models such as DenseNet [9], ShuffleNet [10], NASNet [11], and EfficientNet [12] rely on transfer learning which boost their performance based on using pretrained models on large amount of domain-specific data rather than using the same untrained model on new data [13, 14]. The employment of DL became one of the most popular and widely applied algorithms for computer vision tasks, such as improving loss function [15], feature selection optimization [16], and information interaction perception network [17]. Furthermore, most of the DL models applied to image analysis are based on convolutional neural networks (CNNs) which are widely used in medical imaging as robust feature extractors. However, the usage of these models can be costly in terms of the model size, number of extracted and learned features (representation space), and the computational complexity (time). In addition, the models are not easily integrated into IoT devices, which is a major challenge for the medical field. Thus, developing an optimized framework for the 6G IoT-enabled medical images is promising for the medical field especially when applying optimization algorithms to only select the most relevant extracted features from a DL model and reduce the representation space and boost the system performance. In addition, single DL models are less challenging in terms of development than ensemble-based DL models, whereas the latest one can learn more meaningfully features from image data which can be used to improve the system performance [18].

Recently, the feature selection (FS) methods have been developed to improve the performance of the classification task [16, 19]. For diagnosing medical images, in [20], they proposed a modified crow search algorithm as an FS technique to improve Parkinson’s disease. This algorithm has been established its performance against other models. In [21], an opposition-based crow search (OCS) algorithm has been introduced as FS to determine the relevant features extracted using the DL model. This model has been used to classify brain image, lung cancer, and Alzheimer’s disease in IoMT environment. With the advantages of these FS methods that achieved to improve the performance of classification in IoMT, they still have some limitations such as stuck in local optima and slow convergence towards the optimal solution. In addition, according to the none-free lunch theory, the optimization algorithm cannot solve all the optimization problems (such as FS) with the same efficiency. This motivated us to developed an alternative FS model for IoMT environment using a modified new meta-heuristic technique named honey badger algorithm (HBA) [22].

In general, the HBA emulates the behaviour of honey badger in nature to catch its food. According to these behaviours, HBA has been applied to solve different optimization and engineering problems as illustrated in [22]. Also, it has been applied to identify the parameter of proton-exchange membrane fuel cells as in [23] and to improve the sidelobe suppression in the antenna radiation patterns as in [24].

Therefore, this paper proposes a system for improving diagnostic imaging recognition effectiveness in terms of classification accuracy, which will be incorporated into the 6G-enabled IoMT. The system is composed of parts including feature extraction and feature selection. In the first part, a DL-based ensemble architecture was implemented incorporating two well-known DL models named MobileNet and DenseNet. At this stage, the ensemble model is trained to learn and extract more complex and meaningful image representation which will be fed to the FS part. In the second part, a novel FS algorithm is proposed by improving HBA relying on the Levy flight (LF) algorithm to reduce the representation space of medical images and boost the model performance. Using two real-world datasets, a complete evaluation of the proposed methodology is provided and compared to several state-of-the-art works.

The main contributions of this work are summarized as follows:(1)We propose an ensemble DL-based model to extract features from medical images collected using IoT devices.(2)We proposed an FS algorithm named Levy flight-based honey badger algorithm (LFHBA) where the operators of the Levy flight were used to improve the honey badger algorithm’s capabilities.(3)The proposed FS algorithm aims to select the most relevant features from the extracted image representations which maximize the classification precision and accuracy.(4)The proposed framework can be integrated in a 6G-enabled IoMT system to reduce human intervention in medical facilities and provide quick diagnostic results.

According to the paper’s structure, Section 2 reviews recent works on medical imaging and its applications. In Section 3, we provide the background of honey badger algorithm (HBA) and Levy flight (LF). Section 4 offers a detailed description of our proposed 6G-enabled IoMT framework. Section 5 lists the outcomes of image recognition experiments conducted to validate the proposed framework. Lastly, the conclusion and future direction are presented in Section 6.

The transfer learning (TL) approach has become increasingly popular in recent years, which improves the efficiency of the models, reduces financial costs, and does not require more input data [25, 26]. Recently, TL was used for extracting features to solve the problems of the traditional deep learning methods (for more information, see [27]). Extracting features from VGG and ResNet networks, combining bilinear and classification algorithms, and learning them with SVM classifiers produced the best outcomes [28]. Esteva et al. [29] employed a mixture of data-driven technologies and the InceptionV3 to train dermatological images, achieving great results on the test set that were equivalent to professional dermatologists. Yu et al. [30] proposed a deep residual network-based phased classification technique, and segmentation was used to classify disease. However, it is not a complete solution because the ultimate classification must be done step by step [31]. Guo et al. [32] developed a multi-CNN using the adaptive sample learning technique to replicate intra-class disagreement and related noise interference.

Instead of developing a CNN from scratch with randomly initialized parameters, researchers used a pretrained CNN and transfer learning to classify medical images throughout the whole dataset [33]. As a result of this pretraining, CNN’s training time was greatly reduced, resulting in an accuracy rate of 84.8% over five categories. In this case, transfer learning helps models trained on one task or large dataset after gaining a large knowledge to be transferred and applied to different but related tasks. Lopez et al. [34] used a deep learning-based technique to detect disease early. To address the medical image classification task, they used a modified VGGNet architecture and a transfer learning methodology. On the ISIC Archive dataset, the proposed technique had a sensitivity value of 78.66%. In a study by Ayan and Ünver [35], among an extended and nonaugmented dataset, the effectiveness of CNN model for identification of medical images was evaluated. However, they stated that when there is not enough data, deep learning methods could be useful [15]. Using the enhanced dataset, the network had a greater classification accuracy than just the model that did not.

CNNs have been widely used in medical image analysis in recent years due to their robust features representation abilities and have shown significant improvements. Yu et al. [30] suggested a multi-stage system for automatic disease recognition in medical images based on an extremely deep residual network. When SVM classifiers were used to collect high-level features from VGG and ResNet networks for bilinear merging, Ge et al. [28] achieved some of the greatest recognition results on a range of test sets. Following [36], they designed an aggregation of multi-level fully convolutional networks. A multi-CNN collaborative class label lesion recognition framework was designed by Zhang et al. [37]. Their method was more robust of lesion identification, and its usefulness had been tested using relevant data. A robust ensemble architecture, constructed using dynamic classifier selection techniques, was employed to detect cancer [38], so that the model can learn more powerful and distinguishing features. A crossnet-based combination of various convolutional networks was suggested as a solution for medical image identification [39] and proven by extensive testing. MobileNet and DenseNet were combined to create a lightweight and efficient classification model [40]. Different from prior methods, they used the well-known classification approach in the lightweight classification algorithm to increase feature discrimination, to decrease computational cost, and to keep the number of parameter values to a minimum.

Recently, Internet of Medical Things (IoMT) technology has proven to be ideal for constructing smart systems capable of accurately diagnosing illness in the same way that specialists do. According to [7], IoMT technology has aided in the creation of critical medical systems. Doctors can now get it in a range of locations, with greater patient diagnostic capacity without influencing subjective aspects. The issue of unbalanced data between unusual and widespread diseases, on the other hand, remained an unresolved challenge for any framework. As a result, this issue resulted in poor performance. In the medical profession, however, the classifier must be certain of its accuracy with a large proportion when detecting the type of cancer. According to a prior research, accurate detection is crucial for providing patients with the appropriate treatment. As a result, we are attempting to improve medical diagnostics.

A wide variety of real-world complicated optimization issues have been successfully solved using meta-heuristic algorithms. Due to their ability to utilize a list of candidate solutions rather than a single solution, they are efficiently able to traverse the solution space. As a result, meta-heuristic algorithms outperform other optimization methods. Many meta-heuristic strategies have been developed to help schedule tasks in the IoMT [41]. Some of the existing FS methods suffer from premature convergence and local minima, especially when faced with a large solution space [42]. Often, this limit results in inefficient task scheduling solutions, which has a negative impact on system performance. A global optimal solution to the IoMT task scheduling problem is therefore urgently needed. Hence, this paper aims to find the best solutions that leads to an increase in the rate of convergence, as shown in the next sections.

3. Preliminaries

This section briefly describes the honey badger algorithm (HBA) and Levy flight (LF) algorithms used for selecting the most relevant features.

3.1. Honey Badger Algorithm

The honey badger algorithm (HBA) is a meta-heuristic optimization approach created by Hashim et al. [22]. HBA may be regarded as a universal optimization method since it includes both exploration and exploitation stages. The stages of the HBA are outlined mathematically as follows. The HBA starts by forming the initial population of solutions (i.e., honey badgers) using the following equation [22].where denotes the th honey badger location. In the search domain, refers to the lower bound and refers to the upper bound. Furthermore, a randomised value between 0 and 1 is .

The next step is to compute the Intensity that is dependent on the prey’s attention force and the range between the prey and the badger (th). represents the prey’s scent intensity; if the scent is strong, the prey will move quickly, and vice versa, according to the inverse square law, as stated by the following equation [22].where is the attention force, as . indicates the range between both the prey and the th badger, as .

Thereafter, HBA is split into two steps: digging and honey. During the digging step, a badger adopts a cardioid form. The cardioid movement is formulated using the following equation [22]:where the density parameter governs time-varying randomness by the following equation [22]:where is a constant that is greater than or equal to 1. Also, denotes the highest number of cycles. In equation (3), represents the location of the prey that has been discovered to be the optimum so far—the global optimum location. The honey badger’s food-finding ability is . (Default = 6) is the honey badger’s food-finding ability. , , and are three distinct randomly initialized parameters ranging from 0 to 1. is a flag that changes the direction of the search; it is calculated by the following equation [22]:

Finally, equation (6) can be used when a badger follows a honey bee to arrive at a beehive [22].where represents the badger’s latest place, represents the prey position, and and are calculated using equation (4) and (5), respectively. Based on spatial knowledge of , it can be shown in equation (6) that a badger undertakes a search near to the prey position discovered so far. At this step, the search is influenced by time-varying search behaviour . Furthermore, a honey badger may discover disturbance. The algorithm’s pseudocode is described in Algorithm 1.

(1)Initialize the parameters , N, , C.
(2)Initialize the number of solutions (N).
(3)Evaluate the fitness of each honey badger position using objective function and assign to , i [1, 2, …, N].
(4)Save best position and assign fitness to .
(5)repeat
(6) Update the decreasing factor using equation (4).
(7) Calculate the intensity using equation (2).
(8)for to do
(9)  if r < 0.5 then
(10)   Update the position using equation (3).
(11)  else
(12)   Update the position using equation (6).
(13)  end if
(14)  Evaluate new position and assign to .
(15)  ifthen
(16)   Set  =  and  = .
(17)  end if
(18)  ifthen
(19)   Set  =  and  = .
(20)  end if
(21)end for
(22)until The iteration criterion has been met.
(23)Return the .
3.2. Levy Flight

Levy flight is a kind of chaotic system in which the magnitude of the leap is determined by the likelihood function. We employ the Levy flight as in [43] in our job. When a high fly identifies a prey region, Aquila determines the land and then strikes. This is known as contour flight with quick glide invasion. In this case, Aquila optimization closely investigates the target prey’s specified region in preparing for the assault. This behaviour is expressed formally as follows [43].where is the new position that is produced by the search technique . The dimensionality space is denoted by , and the Levy flight distribution is denoted by , which is derived using equation (8). At the th cycle, is a random value chosen from the range [43].where is a constant set to 0.01, is a randomised value between 0 and 1, and is a randomised number between 0 and 1. Equation (9) is used to compute [43].where is a constant set to 1.5. y and x are being used to display the circular form in the seek in equation (7), and they are given by the following equation [43].

For a given number of search iterations, denotes the value from 1 to 20, and is a tiny value set to 0.00565. represents integers ranging from 1 to (i.e., the length of the search space), and represents a tiny value set to 0.005.

4. Proposed Approach

To achieve our objective, we developed a 6G-enabled IoMT framework for medical image classification. Based on the principles of the 6G network and the DL architecture, we developed a technique that consists of three stages, as illustrated in Figure 1. (1) The first stage extracts the representation (features) of the input image using an ensemble DL model; (2) the second stage reduces the dimensionality of the extracted features by selecting the important features using a novel proposed feature selection algorithm based on improved honey badger algorithm and Levy flight (LFHBA); and (3) the selected features are fed into an ML classifier for classification tasks.

4.1. Feature Extraction Using Ensemble Deep Learning

This section describes the implemented DL architecture based on ensemble learning and transfers learning techniques. The objective of the developed model is to learn and extract medical image representation using two well-known DL models, including MobileNet and DenseNet. As shown in Figure 2, the input image to ensemble model is fed to two functional layers simultaneously. At this stage, each functional layer represents a pretrained model that relies on MobileNetV2 and DenseNet169, respectively. Each functional layer’s output (learned representations) is fed to the global average pooling layer for dimensionality reduction. After applying the pooling operation on each parallel flow, the output is flattened and concatenated to generate a single feature vector of each inputted image. To fine-tune the overall network, overcome overfitting, and boost the classification accuracy, a sequential set of layers was placed on top of each other, including batch normalization (BN), fully connected layer (dense), and dropout layer as shown in Figure 2. The final output of the ensemble model is generated using a fully connected layer with a single output node to output the classification probability. Meanwhile, the dense layer before the final output is used to extract the learned image representations and feed them to the FS phase.

Using different image datasets, the ensemble model was fine-tuned to learn and extract feature vectors from inputted images of size . The DL models such as MobileNetV2 and DenseNet169 were pretrained on the ImageNet dataset [44]. In our experiments, the ensemble pretrained model was employed and fine-tuned on the datasets having chest and optical images. As an output, the MobileNetV2 and DenseNet169 generate a feature vector of size 1280 and 1664 after flattening, respectively. Thus, the concatenated feature vector is of size 2944. During the fine-tuning of the ensemble model, MobileNetV2 and DenseNet169 weights were fixed to accelerate the training process.

Meanwhile, the MobileNetV2 model building block consists of an inverted residual block core component, which is inspired by the bottleneck blocks. The inverted residual block contains two important blocks: the depthwise separable convolution block and skip connections used to link the input and output features on the same channels, thus improving the features representations with low memory usage. The depthwise separable convolution block consists of depthwise convolution, BN, activation function, and pointwise convolution where the order of execution of the layers is as follows: Each building block can integrate a depthwise separable convolutional layer with different nonlinearity functions such as ReLU/ReLU6. Meanwhile, the DenseNet169 model has fewer parameters to be optimized and reduces the vanishing gradient problem in large models. DenseNet169 consists of 169 low parameters layers where each layer is connected to every other layer with short connections ( connections).

To extract the feature vector from each input image, we used the generated fine-tuned model (model with the best classification accuracy) on each dataset. The extracted feature vector for each image of size 128 will be fed into the FS process in the proposed framework. The model was fine-tuned for 100 epochs with a batch of size 32 on each dataset to produce the best classification performance. Meanwhile, to update the model’s weight and bias parameters, we used the RMSprop optimizer with a learning rate of . To overcome the model’s overfitting, we used the dropout layer with a probability of 0.38 and data augmentation with the following transformations: random horizontal flip, random zoom, random width shift, random height shift, and random brightness.

4.2. The Enhanced HBA as FS Algorithm

The extracted features from the ensemble model are high-dimensional feature sets with 128 features that demand high computational complexity and may decrease the effectiveness of a classifier. As a result, these features are input into the feature selection (FS) step, which filters out duplicate and unnecessary features. As a result, a novel approach for improving the honey badger algorithm’s (HBA) efficiency is presented in this study using Levy flight, which is employed to get more sustainable results. When the HBA is unable to obtain the best solution at the current epoch, a more effective search relying on Levy flight is performed to avoid being trapped in a locally optimal solution. The Levy flight search enhances the capacity to do both global and local searches at the same time. Figure 3 illustrates the various phases of the developed FS approach.

To eliminate unnecessary and duplicated features, the developed FS approach employs a novel Levy flight-based honey badger algorithm (LFHBA). Initially, in the developed LFHBA, the beginning locations of each honey badger in the population are randomly assigned between [0, 1]. Each individual has a dimension equivalent to the total of features collected from the ensemble model. If there are retrieved features and badgers, for fitness calculation, each would have a randomised value of 0 or 1 that is separated into either 1 or 0. The support vector machine (SVM) is used to compute the fitness value, which is the most commonly used for classification tasks [45], for a variety of reasons: the SVM is used to solve binary problems by maximizing the difference between both classes around a hyperplane. Hence, the ideal hyperplane is obtained with the greatest distance to the nearest training site of any class, resulting in an acceptable class distinction. Following the computation of the fitness value, the best solution is determined and the process of updating the solutions is conducted using the operators of LFHBA.

The developed LFHBA begins with the creation of a collection of agents that represent the FS problem solutions. To apply this process, the following equation is used:where refers to the number of features. As a consequence, the accessible dimensionality is limited to values ranging from to . Once we have determined the binary value of each using equation (12), we can use it to figure out what it signifies.

We will next compute the fitness value of each depending on its binary decision , and the objective function is defined as

In this situation, the fraction of relevant features is given as . SVM validation loss is . Since SVM is more trustworthy and has lower complexity than other classification methods, SVM is often utilized. The parameter adjusts the proportion between both the efficiency of a classifier’s forecasts and the feature selection.

The LF or HBA operators are employed in the proposed technique to modify solution . This is achieved by using the probability connected with each . The LF will be employed if the probability of is greater than 0.5, as stated by the following equations:where is a probability sampling variable employed to keep the operators of LF and HBA comparable while amending the solutions.

The following step is to assess whether or not the stop conditions have been satisfied, and if so, the best solution will be provided. If this occurs, the upgrading operation is restarted from the start. The pseudocode for the proposed LFHBA is presented in Algorithm 2.

(1)Initialize the parameters of HBA.
(2)Initialize the number of solutions (N).
(3)Evaluate the fitness of each honey badger position using objective function and assign to , i [1, 2, …, N].
(4)Save best position and assign fitness to .
(5)repeat
(6) Update the decreasing factor using equation (4).
(7) Calculate the intensity using equation (2).
(8) Update the x, y, Levy(D), etc.
(9)for to do
(10)  if r < 0.5 then
(11)   Update the current solution using equation (3).
(12)  else
(13)   Update the current solution using equation (7).
(14)  end if
(15)  Evaluate new position and assign to .
(16)  ifthen
(17)   Set  =  and  = .
(18)  end if
(19)  ifthen
(20)   Set  =  and  = .
(21)  end if
(22)end for
(23)until The iteration criterion has been met.
(24)Return the best solution .
4.3. 6G-Enabled IoMT Framework

Figure 4 depicts the proposed 6G-enabled IoMT system. The IoT devices capture medical images initially, and if the user’s goal is to train our system, the input medical images could well be delivered via a 6G network. Fog computing and multi-access edge computing (MEC) servers are major elements of the 6G network design since they reduce latency and bandwidth usage for commonly used software across a broad scope of various terminals. The gathered information from the MEC could perhaps be sent to a cloud computing provider. In cloud computing, the three core operations remain in place. The characteristics of the DL architecture were recovered in the first step, as explained in Section 4.1. As a second step, as shown in Section 4.2, we utilize the improved HBA depending on LF, named LFHBA, to identify the relevant features. Furthermore, after the classification has been trained, it can be deployed over many API prediction units, reducing transmission costs.

If the specialist’s purpose is to evaluate the disease of the captured image, the classification algorithm is used in API prediction tools. Time was reduced because the API allows the platform’s approved training to predict without the need for retraining, thus decreasing Internet communications. Ultimately, the sender will be provided with the most recent diagnosis as well as many assessment measures, such as accuracy, to support the software’s projections.

5. Experimental Results and Discussion

In this section, we will briefly go through the details about the datasets used in this research, followed by evaluation metrics. Next, the effectiveness of optimization feature selection methods is given and studied. Finally, we conclude this section by comparing our proposed method with the state-of-the-art methods.

5.1. Dataset

Our experiments were evaluated on the chest X-ray (CXR) images and the retinal optical coherence tomography (OCT) images. The two datasets were applied in Guangzhou Women and Children Medical Center [46]. Figure 5, for instance, displays a selection of images from the chosen databases. In the CXR image (pneumonia) dataset, which is publicly available at https://www.kaggle.com/paultimothymooney/chest-xray-pneumonia, there are in total 5856 normal and pneumonia X-ray images. To provide a fair comparison platform for different systems, the training set, validation set, and the test set have been partitioned beforehand. Examples of normal and pneumonia samples can be seen in the right of Figure 5. Details about dataset1 are shown in Table 1.

Other data used in this research consisted of 84,484 OCT B-scans collected from 4,686 patients at the Shiley Eye Institute of the University of California, San Diego (UCSD), https://www.kaggle.com/paultimothymooney/kermany2018. All of the pictures are classified into four types: Drusen, CNV, DME, and Normal, with the corresponding numbers of 8866, 37455, 11598, and 26565. These pictures (collected from Heidelberg Engineering, Spectralis OCT, Germany) were all chosen retrospectively from a sample of older patients with no age, gender, or ethnicity restrictions. According to the company’s program and guidelines, the ultimate OCT images are produced using a horizontally foveal slice from the vital picture format. Additionally, this dataset includes 84,484 OCT B-scans, 968 test images, and 83,516 training images. To be more specific, the training set contains 37,213 CNV, 11,356 DME, 8,624 Drusen, and 26,323 Normal images, whereas the testing set has 242 CNV, 242 DME, 242 Drusen, and 242 Normal images. Additional information on the database is available at [46].

5.2. Performance Metrics

The precision, recall, F1-score, accuracy, and balanced accuracy measures are utilized to evaluate the developed approach for recognizing medical images. Let true positive denote the number of adequately recognized images. Also, false positive denotes the collection of images that have been incorrectly classified. It is the opposite for true negative . Finally, false negative denotes the number of images erroneously classified.

In equation (15), precision is measured as the ratio of exact data that conforms to specified characteristics. The recall is measured as the ratio of actual statistics to quantities which should have been explicitly anticipated, as introduced in equation (16). The F1-score, in equation (17), is an indication of imbalanced data between recall and precision. The amount produced across all expected amounts is known as accuracy (equation (18)). Balanced accuracy is defined as the average accuracy achieved across all categories, as shown in equation (19).

5.3. Results and Analysis

This section summarizes and discusses the findings of experiments conducted to test the proposed FS optimization method. We begin by evaluating our strategy against other meta-heuristic optimization approaches. After that, the support vector machine (SVM) classifier was assessed against each other. Furthermore, this is followed by a comparison with other existing medical imaging categorization systems with different transfer learning models, including DenseNet, MobileNet, and ensemble model. We now have comparisons for recall, precision, F1-score, balanced accuracy, and accuracy. Lastly, it was compared to previously published methods.

Using the proposed FS method, the results are summarized in the next subsection. For the purpose of evaluating our approach’s efficacy, we evaluated it against nine other well-known techniques. The meta-heuristic optimizers include grey wolf optimization (GWO) [47], Aquila optimizer (AO) [43], hunger games search (HGS) [48], arithmetic optimization algorithm (AOA) [49], whale optimization algorithm (WOA) [50], firefly algorithm (FFA) [51], and honey badger algorithm (HBA) [22].

These optimization algorithms are assessed using different metrics to solve complex numerical issues of optimization. Due to the unpredictable nature of measure of performance issues, the dimensions of both datasets were decreased to 30 rows and the number of iterations was 1000 in all trials. The greater the number of search agents, the more likely it is to find the global optimum. The sample value is fixed to 50 for all tests. The number of search agents can be lowered to solve the costly problem.

5.3.1. Results of FS Methods

Multiple metrics are utilized to assess the effectiveness of various optimization strategies. F1-score was used to compare the results of each technique. Results from the CXR and OCT datasets can be found in Tables 2 and 3, respectively. Bolded findings are the most accurate in these tables. According to these results, the ensemble model-based LFHBA outperforms GWO, AO, HGS, FFA, WOA, HBA, and AOA.

For the CXR dataset, the results of the proposed method and other optimizers are shown in Table 2. The DenseNet, MobileNet, and ensemble models have been combined on the eight optimization algorithms in the table. According to the table, merging the LFHBA algorithm with ensemble model surpassed other algorithms by 87.10% in terms of the accuracy score. The AO and HGA optimizers came in the second level with 86.22%. HBA is then used to get the same outcome as GWO (i.e., 86.06%). It is 85.10% for the WOA. AOA and FFA had the worst score, with 84.94%, while our proposed algorithm had the best results on the precision metric, with 88.56% of the vote. 88.38% was the second-best result, which belongs to the HGS algorithm. There was one other algorithm AO that performed poorly, with 87.17%. Recall results were better when using the LFHBA algorithm, which had the best outcomes. The AO and HGS both have the same recall (i.e., 86.22%). With 86.06% of the vote, they are followed closely by the GWO and HBA. 85.10% was reached by the WOA. Finally, the FFA and AOA algorithms have a worse outcome of 84.94%. The proposed LFHBA also outperformed other algorithms on F1-score, with 86.19%. The AO optimizer came in the second level with 85.47%. The HGS optimizer came in the third level with 85.41%. Finally, the FFA gets the poorest performance with 83.96% of the population. In the LFHBA algorithm for the balanced accuracy, 82.82% accuracy was attained. In comparison, AO was ranked second (81.97%). With 81.79%, HGS algorithm is next in line. Only FFA achieved a score of 80.17%, which achieved the worst performance.

The proposed LFHBA algorithm outperformed other optimization techniques on the OCT dataset, as seen in Table 3. The accuracy of the LFHBA algorithm for the ensemble model classifier was 94.32%, the best performance. At the same time, the AO and HBA optimizers were at the second level, with 93.80%. With 93.70% of the vote, the AOA algorithm follows the preceding two. Finally, FFA achieved a score of 93.29%, which achieved the worst performance. For the precision measure, our developed LFHBA approach achieved a score of 94.93%. The AO and HBA algorithms follow our algorithm, which has a 94.55% rating. It was 94.48% for the AOA algorithm to keep up with them. 94.26% and 94.19% are the relative percentages for the WOA and HGS algorithms, respectively. As to improve comparison, the recall metric for the ensemble model was 94.32% for LFHBA, the proposed algorithm with the maximum effectiveness. 93.80% was the second-best outcome, which is consistent with the results obtained by the two optimizers (i.e., AO and HBA). Our developed LFHBA algorithm was the best optimizer, with a F1-score of 94.30%. LFHBA is preceded by the AO and HBA methods, which have a combined score of 93.78%. Next, AOA, FFA, GWO, and WOA have 93.68%, 93.57%, 93.45%, and 93.35%, respectively. Finally but not latest, HGS got the poorest performance with 93.26%. There was a 94.32% balanced accuracy of the LFHBA algorithms, which was the best performance. AO and HBA were in the second level with 93.80%. Regarding the AOA’s and the FFA’s performance in the third and fourth levels, respectively, they scored 93.70% and 93.60%. GWO is behind them with 93.49%. HGS scored 93.29%, the lowest possible score.

From a different viewpoint, the average of the three models (i.e., DenseNet, MobileNet, and ensemble model) using the eight feature selection optimizers investigated the two chosen datasets: CXR and OCT, which are displayed in Figures 6 and 7, respectively. As shown in Figure 6, the overall average accuracy on the CXR dataset is approximately 85.68% for the LFHBA optimizer, whereas the HBA classification model comes in second with 85.04%. A higher level of HGS (with 84.88%) results is preferable to the GWO classification algorithm (i.e., 84.83%). Furthermore, the AOA and AO algorithms outperform the FFA algorithm, with a success rate of 84.35% for AOA and AO and 93.92% for FFA. Besides, the WOA beats other classifiers in terms of accuracy (with 83.71%). From a different point of view, the overall balanced accuracy of the LFHBA algorithm is the best (81.34%). It is preceded by the HBA (80.51%), the GWO (80.23%), and the HGS (80.24%). The AO achieved 79.62%, while the AOA achieved 79.59%. Finally, the FFA and WOA algorithms obtained 79.01% and 78.76%, respectively. Additionally, the average F1-score of the three models beat the LFHBA method by about 84.88%; the HBA algorithm takes second place with 84.14%. Furthermore, the GWO method outperforms the HGS algorithm, with a success rate of 83.91% for XGB and 83.95% for HGS. The HGS algorithm delivers superior results than AO, AOA, FFA, and WOA optimizer, with 83.35%, 83.34%, 82.83%, and 82.59%, respectively. Furthermore, the LFHBA beats other optimizers in terms of recall. To be more specific, the LFHBA achieved 85.87%, while the HBA achieved 85.04%. Finally, the HGS, GWO, AOA, AO, FFA, and WOA algorithms obtained 84.88%, 84.83%, 84.35%, 84.35%, 83.92%, and 83.71%, respectively. In terms of precision measure, the LFHBA algorithm delivers superior results than HBA, HGS, GWO, AOA, AO, FFA, and WOA, with 87.03% 87.02%, 86.88%, 86.52%, 86.48%, 86.21%, and 86.01%, respectively.

On the OCT dataset, as displayed in Figure 7, the overall accuracy of our proposed algorithm is the best (90.33%). It is preceded by the HBA (89.91%), the AO (89.88%), and the AOA (89.81%). Furthermore, the WOA beats the other optimizers. To be more specific, the WOA achieved 89.67%, while the HGS achieved 89.60%. Finally, the FFA and GWO algorithms obtained 89.39% and 89.15%, respectively. In addition, the balanced accuracy of the ten optimization techniques beat the LFHBA method by a total of about 90.33%; the HBA algorithm takes second place with 89.91%. Furthermore, the AO method outperforms the AOA algorithm, with a success rate of 89.88% for AO and 89.81% for AOA. It is preceded by the WOA (89.67%), the HGS (89.60%), the FFA (89.40%), and the GWO (89.15%). The overall average F1-score is approximately 90.13% for the LFHBA classifier, whereas the HBA classification model comes in second with 89.71%. The results of AO results (with 89.65%) are preferable to the AOA algorithm. It is preceded by the WOA (89.45%), the HGS (89.38%), the FFA (89.15%), and the GWO (88.86%). In terms of recall measure, the LFHBA algorithm delivers superior results than HBA, AO, AOA, WOA, HGS, FFA, and GWO algorithm, with 89.91%, 89.88%, 89.81%, 89.67%, 89.60%, 89.39%, and 89.15%, respectively. Additionally, the LFHBA beats other optimizers in terms of precision. To be more specific, the LFHBA achieved 92.14%, while the AO and HBA achieved 91.83% and 91.80%, respectively. Finally, the AOA, WOA, HGS, FFA, and GWO algorithm obtained 91.74%, 91.63%, 91.61%, 91.48%, and 91.36%, respectively.

The average results of the five measures (i.e., accuracy, F1-score, precision, recall, and balanced accuracy) on the CXR and OCT dataset are presented in Figures 8 and 9, respectively, using different optimization strategies (i.e., the eight optimizers that were introduced before). As seen in Figure 8, the LFHBA played a more critical role than other algorithms. To be more precise, the proposed LFHBA algorithm had an average result of 85.03%, while the HBA had a result of 84.35%. Furthermore, the HGS and GWO algorithms achieved a result of 84.19% and 84.13%, respectively. Then, follows the AOA algorithm, which achieved 83.63%. In all, 83.62% was achieved on the AO optimizer. Other optimizers, FFA and WOA, obtained 83.18% and 82.96%, respectively.

On the OCT dataset, Figure 9 demonstrates that the LFHBA method has a significant influence in selecting features; this is evident across the average of the five metrics. The proposed LFHBA algorithm correctly classifies 90.95% of the testing sample when employing the SVM classification model, more significant than the accuracy of all the other FS optimization methods. Alternatively, the HBA had the second-level outstanding performance at 90.25%. AO was placed in third level. Following these optimizers are the AOA and the WOA, which achieved 90.15% and 90.02%, respectively. Furthermore, the HGS, FFA, and GWO algorithm achieved 89.96%, 89.76%, and 89.54%.

To further analysis, the average results of the five measures of different optimizers on the three TL models of the CXR, OCT dataset is introduced in Figures 10 and 11, respectively. In Figure 10, the average results of ensemble model was 85.80%, this model with the maximum effectiveness in term of accuracy score. 85.56% was the second-best outcome, which is consistent with the results obtained by the MobileNet architecture, while DenseNet was the worst in the performance (i.e., 82.43%). Furthermore, the ensemble method achieved the highest results in balanced accuracy, at 81.35%. For all the three networks, MobileNet architecture came in second place with 81.00%. Finally, the DenseNet achieved 77.39%, which was lower than others. The ensemble model was the best optimizer, with a F1-score of 84.96%. The ensemble model is preceded by the MobileNet and DenseNet architectures, which have 84.68% and 81.23%, respectively. In terms of recall measure, the ensemble model delivered superior results than MobileNet and DenseNet, with 85.56% and 82.43%, respectively. Additionally, the ensemble model beats other networks in terms of precision. To be more specific, the ensemble model achieved 87.88%, while the MobileNet achieved 87.77%. Finally, the DenseNet network obtained 84.50%. The overall average of different measures is approximately 85.16% for the ensemble model, whereas the MobileNet model came in second with 84.91%. The DenseNet network had the worst performance across different metrics (at 81.60%).

On the OCT dataset, the average results of different optimizers are displayed in Figure 11. In terms of accuracy measure, the ensemble model had the best performance (93.67%). It is preceded by the MobileNet (88.47%) and the DenseNet (87.01%). In addition, the average balanced accuracy of the eight optimization techniques beat the ensemble method by a total of about 93.67%; the MobileNet model took second place with 88.47%. Furthermore, the DenseNet method achieved 87.01%, which was the worst performance. The overall average F1-score is approximately 93.65% for the ensemble model, whereas the MobileNet model comes in second with 88.18%. Finally, the DenseNet model obtained 86.66%. In terms of recall measure, the ensemble model delivered superior results than the MobileNet and DenseNet models, with 88.47% and 87.01%, respectively. Furthermore, the ensemble model beats other architectures in terms of precision. To be more specific, the ensemble model achieved 94.46%, while the MobileNet and DenseNet achieved 90.88% and 89.76%, respectively. Finally, the average results of the three methods across different measures are obtained. As seen in the figure, the ensemble learning method played a more critical role than other networks. To be more precise, the ensemble model had an average result of 93.82%, while the MobileNet had a result of 88.89%. Finally, the DenseNet achieved 87.49%.

The ensemble model, MobileNet, and DenseNet architectures’ average accuracy on the two selected datasets is shown in Figure 12 on various techniques for optimization (i.e., the eight optimizers, introduced before). In the figure, we can see that the ensemble model outperformed other classifiers on the accuracy metric. To be more specific, the ensemble model achieved 89.74% accuracy, whereas the MobileNet achieved 87.02% accuracy. In the end, the DenseNet network achieved 84.72%.

From a clearer point of view on the ensemble model, Figure 13 displays the average accuracy of each feature selection approach on the two datasets, namely: CXR and OCT, from a different perspective. On average, the proposed LFHBA optimizer outperformed the others by about 90.59%; the AO method comes in second with 90.01%. The HBA delivered superior results than GWO and HGS, with 89.78% and 89.67%, respectively. 89.32% of the vote goes to the AOA. After that, the FFA and WOA obtained the lowest results, with average accuracy of 89.27% and 89.25%, respectively.

The statistical value is calculated and ranked by the Friedman (FD) test [52]. The FD test is used to calculate the difference among various approaches. Figure 14 compares the proposed algorithm to other optimization algorithms. When the proposed method is analyzed in terms of recall, precision, F1-measure, accuracy, and balanced accuracy, it outperforms the others. In terms of recall, the LFHBA has the highest mean ranking of 8, followed by AO which has the mean rank of 6.50. They were followed by HBA, which achieved 5.50. HGS and GWO have nearly identical mean levels, with 3.75. Finally, AOA, FFA, and WOA are lower than the others, with a mean rank of 3.25, 2.75, and 2.50, respectively. According to the FD test results for precision, LFHBA is also better than others, with a mean rank of 8. It was followed by AO and HBA, which achieved 5.75 and 5.25, respectively. On the other hand, GWO and HGS have the same mean level of 4. Lastly, FFA, AOA, and WOA have the lowest mean ranking. Furthermore, we discovered that the LFHBA in terms of the F1-score measure has the best mean rank of 8, and the AO and HBA have the second and third mean ranks of 6.75 and 5.75, respectively. AOA, HGS, and GWO have the same mean levels (i.e., 3.50). Finally, WOA and FFA achieved the lowest mean rank with 2.50. Finally, themean rankaccording to theaccuracy for LFHBA and the AO, HBA, HGS, GWO, AOA, FFA, and WOA optimization algorithms is 6.50, 5.50, 3.75, 3.75, 3.25, 2.75, and 2.50, respectively. According to the FD test results for balanced accuracy, LFHBA is also better than others, with a mean rank of 8. It was followed by AO, which achieved 6.75. HBA has a mean rank level of 5.75, whereas AOA, HGS, and GWO have 3.50. Lastly, WOA and FFA have the lowest mean ranking.

To summarize, for the CXR and OCT datasets, the proposed LFHBA optimization strategy combined with the ensemble model obtained the highest accuracy score.

5.3.2. Comparison with State-of-the-Art Methods

This section compares the proposed method with other state-of-the-art medical image classification techniques. Table 4 shows the results of a few important methodologies. The development of high-accuracy technology for medical image classification is a major undertaking. It is important to compare our strategy to other models that have been tested on the same datasets. Using CXR and OCT datasets, Table 4 evaluates the performance of several techniques for disease identification.

The CXR dataset was used to compare the various advanced methods for pneumonia detection. In [53], they examined using generative adversarial networks (GANs) to enrich a dataset by producing chest X-ray data samples. For pneumonia diagnosis, Ayan and Ünver [54] employed two well-known convolutional neural network algorithms, Xception and VGG16. In [55], they proposed an automatic transfer learning method based on convolutional neural networks using DenseNet121 pretrained concepts.

To evaluate the developed LFHBA’s performance on the OCT dataset, four well-known OCT classification algorithms are tested: the HOG-SVM [56] algorithm efficiently extracts features from the HOG descriptor and subsequently learns a multi-class SVM model for OCT categorization. In [46], transfer learning identifies a conventional CNN by first training it on the ImageNet and then fine-tuning the final convolutional layer on the accessible OCT data. IFCNN [57] utilized a recurrent fusion approach to classify OCT images by using several convolutional features inside CNN. Huang et al. [58] introduced a unique layer guided convolutional neural network (LGCNN) to distinguish between the typical retina and three prevalent macular diseases.

The bottom line is that we can remove superfluous features from high-dimensional medical image representations obtained by convolutional neural network (CNN) using our strategy. However, this framework’s fundamental drawback is its complexity, both in terms of time and memory. The following steps include reducing complexity and improving the efficiency of our proposed framework. In the future, other augmentation procedures can be researched to improve our method’s efficiency.

The goal of this paper is to present a unique method for improving the performance of the honey badger algorithm (HBA) based on Levy flight (LF). When the HBA is unable to find the optimum solution within a given iteration, it does a more efficient search concentrated on the LF to prevent being trapped in a locally optimal solution. LF search improves the ability to do global and regional searches at the same time.

6. Conclusion

This paper details how to classify medical images using 6G technology for IoMT systems. The motivation for this study is that the advantages of 6G over previous generations of wireless connections have recently attracted a lot of interest in the corporate and academic worlds. Moreover, although the medical image classification task has recently grown rapidly, current methods are still not able to achieve good results due to the similarity in the physical features of the image data. Additionally, we have implemented IoMT in our system to assist physicians and patients make fast and advanced diagnosis of diseases worldwide. In order to build our system, it requires training before using cloud center classification techniques. In the training phase, the medical images are collected by IoT devices and communicated to the cloud center. Next, these images are sent to the 6G network to decrease delay and bandwidth consumption. Then, the features of these images were obtained using an ensemble learning model. This model was improved to create more relevant feature vector representations that are beneficial to the medical field. Thus, a unique meta-heuristic technique based on selected features combines the honey badger algorithm (HBA) with Levy flight to pick the important features. The proposed algorithm has a fast convergence velocity, indicating that it avoids capturing in local optimization and effectively balances the exploration and exploitation stages due to the quick classification of thresholds. To evaluate our model, it was tested on the following datasets: CXR and OCT. The findings reveal that the proposed optimization strategy outperforms existing feature selection techniques currently in use. Furthermore, experiments with several cutting-edge methods revealed that the proposed approach is better. However, the proposed model has some crucial problems like time and memory. In the future, we plan to solve these problems by a multi-objective feature selection approach. Also, combining different classification algorithms is also a good research issue since it might help researchers enhance the performance of present methods.

Data Availability

The data used to support the findings of this study are available from the corresponding author upon request.

Conflicts of Interest

The authors declare that there are no conflicts of interest regarding the publication of this paper.

Acknowledgments

The authors would like to thank the support of the Deanship of Scientific Research at Princess Nourah bint Abdulrahman University. This research was funded by Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2022R239), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia.