Next Article in Journal
Prospective Randomized Controlled Clinical Trial to Evaluate the Safety and Efficacy of ACTLINK Plasma Treatment for Promoting Osseointegration and Bone Regeneration in Dental Implants
Previous Article in Journal
Evolution and Innovations in Bone Marrow Cellular Therapy for Musculoskeletal Disorders: Tracing the Historical Trajectory and Contemporary Advances
Previous Article in Special Issue
Integrating Convolutional Neural Networks with Attention Mechanisms for Magnetic Resonance Imaging-Based Classification of Brain Tumors
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Identification of Anomalies in Lung and Colon Cancer Using Computer Vision-Based Swin Transformer with Ensemble Model on Histopathological Images

by
Abdulkream A. Alsulami
1,
Aishah Albarakati
2,
Abdullah AL-Malaise AL-Ghamdi
3,4 and
Mahmoud Ragab
5,6,*
1
Department of Information Technology, Faculty of Computing and Information Technology at Alkamil, University of Jeddah, Jeddah, Saudi Arabia
2
Department of Mathematics, Faculty of Science, University of Jeddah, Jeddah, Saudi Arabia
3
Information Systems Department, Faculty of Computing and Information Technology, King Abdulaziz University, Jeddah 21589, Saudi Arabia
4
Information Systems Department, School of Engineering, Computing and Design, Dar Al-Hekma University, Jeddah 22246, Saudi Arabia
5
Information Technology Department, Faculty of Computing and Information Technology, King Abdulaziz University, Jeddah 21589, Saudi Arabia
6
Mathematics Department, Faculty of Science, Al-Azhar University, Naser City, Cairo 11884, Egypt
*
Author to whom correspondence should be addressed.
Bioengineering 2024, 11(10), 978; https://doi.org/10.3390/bioengineering11100978 (registering DOI)
Submission received: 16 August 2024 / Revised: 11 September 2024 / Accepted: 19 September 2024 / Published: 28 September 2024
(This article belongs to the Special Issue Computer Vision and Machine Learning in Medical Applications)

Abstract

:
Lung and colon cancer (LCC) is a dominant life-threatening disease that needs timely attention and precise diagnosis for efficient treatment. The conventional diagnostic techniques for LCC regularly encounter constraints in terms of efficiency and accuracy, thus causing challenges in primary recognition and treatment. Early diagnosis of the disease can immensely reduce the probability of death. In medical practice, the histopathological study of the tissue samples generally uses a classical model. Still, the automated devices that exploit artificial intelligence (AI) techniques produce efficient results in disease diagnosis. In histopathology, both machine learning (ML) and deep learning (DL) approaches can be deployed owing to their latent ability in analyzing and predicting physically accurate molecular phenotypes and microsatellite uncertainty. In this background, this study presents a novel technique called Lung and Colon Cancer using a Swin Transformer with an Ensemble Model on the Histopathological Images (LCCST-EMHI). The proposed LCCST-EMHI method focuses on designing a DL model for the diagnosis and classification of the LCC using histopathological images (HI). In order to achieve this, the LCCST-EMHI model utilizes the bilateral filtering (BF) technique to get rid of the noise. Further, the Swin Transformer (ST) model is also employed for the purpose of feature extraction. For the LCC detection and classification process, an ensemble deep learning classifier is used with three techniques: bidirectional long short-term memory with multi-head attention (BiLSTM-MHA), Double Deep Q-Network (DDQN), and sparse stacked autoencoder (SSAE). Eventually, the hyperparameter selection of the three DL models can be implemented utilizing the walrus optimization algorithm (WaOA) method. In order to illustrate the promising performance of the LCCST-EMHI approach, an extensive range of simulation analyses was conducted on a benchmark dataset. The experimentation results demonstrated the promising performance of the LCCST-EMHI approach over other recent methods.

1. Introduction

According to the World Health Organization (WHO), cancer causes the most number of deaths across the globe; it is estimated that a total of 28.4 million cases will be diagnosed with cancer globally by 2040 [1]. Excessive weight gain, heavy alcohol usage, a sedentary lifestyle, and an unhealthy diet are some other risk factors for cancer. Cancer cannot be characterized as a solitary disorder, but a combination of a broad variety of diseases. Amongst its different types, colon and lung cancer is a life-threatening cancer and is responsible for about 10% of cancer-associated deaths internationally [2]. Mildly invasive technologies, like histopathology, are necessary for precise recognition of these diseases and improved treatment quality. However, it is challenging to achieve the precise classification of these tumours using non-invasive techniques [3]. Their initial identification, from a pool of different types of cancers, plays a crucial role in combating the cancer. Conventional medical imaging technologies have been used for a long time to detect colon and lung cancer. CT, MRI, and PET remain the primary clinical techniques applied in the diagnosis of this cancer type [4]. Obtaining high-resolution images is a critical criterion for detecting cancer at its initial phase and considerably improving the efficacy of the treatment process. Histopathological imaging is a technology for accurate detection of all types of cancers since it offers an in-depth and detailed analysis of the disease [5]. These are the most significant sources of essential information in the medical field that help pathologists identify cancer [6].
Histopathological images are typically employed in cancer classification procedures as they provide more complete information for identification than recent medical imaging technologies. Pathologists might select appropriate treatment plans for the type of cancer, depending on these histopathological images in combination with genomic information [7]. With the deployment of digital sliding scanners and their application in various medical departments, the digitization of histopathological slides such as whole-slide images (WSIs) into gigapixel images is becoming highly predominant. The digitization process of the histopathological images, called digital pathology, forms a unique method for collecting image data for artificial intelligence (AI) and deep learning (DL) methods [8]. This is mainly because of the growth in DL techniques, particularly convolutional neural networks (CNNs), which have attained exceptional outcomes in several computer vision (CV) tasks. In recent times, the involvement of the Computer-Aided Diagnosis (CAD) process in colon and lung cancer recognition has achieved major success and better precision than humans in a quicker time [9]. The AI technique presents solutions to address the limitations of conventional methods using technologies like fuzzy methods, SVM, expert systems, ANNs, and GA for disease diagnosis using clinical images [10]. Moreover, there is a need for the development of new techniques for identifying and classifying the LCC histopathological images for improved identification accuracy and patient outcomes.
This article presents a novel technique called Lung and Colon Cancer using a Swin Transformer with an Ensemble Model on Histopathological Images (LCCST-EMHI). The proposed LCCST-EMHI method is used to design the DL model for the detection and classification of the LCC using histopathological images. In order to accomplish this, the LCCST-EMHI method utilizes the bilateral filtering (BF) technique to get rid of the noise. In addition to this, the Swin Transformer (ST) approach is deployed as the feature extraction method. For the LCC recognition and identification process, an ensemble deep learning classifier is employed using three techniques: bidirectional long short-term memory with multi-head attention (BiLSTM-MHA), Double Deep Q-Network (DDQN), and sparse stacked autoencoder (SSAE). Eventually, the hyperparameter selection of the three DL models is implemented utilizing the walrus optimization algorithm (WaOA) method. In order to illustrate the promising performance of the LCCST-EMHI approach, an extensive range of simulation analyses were conducted using a benchmark dataset.

2. Review of the Literature

In the method presented by Chhillar and Singh [11], after the completion of the pre-processing phase, the proposed model retained both colour and texture features using the Color and Haralick histogram feature extraction methods correspondingly. The attained features were connected to create a solitary feature set. In this study, three feature groups (colour, texture, and united features) were approved for the LightGBM classifiers for the purpose of classification. Muniasamy et al. [12] designed the pre-trained EfficientNetB7 method to identify the primary cancer types in LC histopathology images so as to provide initial treatment for LC patients. The goal of the study was to determine the presented model’s performance using precision measures. For this study, a dataset containing 15,000 LC histopathology images was used. EfficientNetB7, a superior form of CNN, was pre-trained with ImageNet for TL and trained using this dataset. A precision metric was utilized in this study for analyzing the presented method. Singh and Singh [13] presented an ensemble classification using three different methods such as the LR, SVM, and RF methods. The predictions from every classification method were combined with the help of the usual voting process to form an ensemble classification. The deep features from lung and colon images were removed using two techniques i.e., VGG16 and LBP. With the incorporation of VGG16 and LBP features, significant features were produced at early stages for ensemble classification. Tummala et al. [14] recently stated that the DL technique exhibits optimistic outcomes in the medical field. This characteristic facilitates initial treatment and diagnosis based on disease severity. After testing the EffcientNetV2 methods five times with cross-validation, the author presented an automatic technique for the identification of the lung and colon tumour subtypes from LC25000 HI. In this study, an advanced DL structure was used based on the progressive learning and compound scaling principles while EfficientNetV2 small, large, and medium methods were used for comparison.
Iqbal et al. [15] presented a novel technique named ColonNet, a heteromorphous CNN with a feature embedding approach, designed for evaluating the mitotic nuclei in LCC- HI. The ColonNet method has two phases: initially, the possible mitotic patches in the HI regions are recognized after which these patches are classified into adenocarcinomas (colon), benign (colon), benign (lung), adenocarcinomas (lung), and squamous cell carcinomas, according to the model’s strategies. The author employed and developed deep CNNs while each layer took different textural, morphological, and structural cancer nuclei properties to construct the heteromorphous deep CNNs. The presented ColonNet method was implemented and compared against the advanced CNNs. AlGhamdi et al. [16] developed the BERTL-HIALCCD method to identify the LCC from HI in an effective manner. To perform this, the BERTL-HIALCCD technique encompassed CV and TL models for precise LCC recognition. While utilizing the BERTL-HIALCCD method, an enhanced ShuffleNet method was also used to extract the features. Further, its hyperparameters were fine-tuned using the BER method. Then, the DCRNN method was used to identify the LCC effectively. At last, the COA was used for the selection of the parameters using the DCRNN method.
Al-Jabbar et al. [17] proposed three advanced techniques, each of which employed two methods for the initial diagnosis of LC25000 dataset histological images. In this study, the histological images were enhanced whereas the outcomes attained from the comparison of the affected regions were also improved. The VGG-19 and GoogLeNet methods of every system formed higher dimensional features; therefore, unnecessary and redundant features were eliminated using the Principal Component Analysis (PCA) technique to get rid of the high dimensionality issue and retain only the necessary features. The initial tactic for analyzing the LC25000 dataset HI by ANN made use of the significant features present in the VGG-19 and GoogleNet methods. While a few systems reduced the whole number of dimensions and united it, the rest of the systems united a higher number of features, eventually resulting in fewer higher dimensions. Kumar et al. [18] used the NLM filter to restrain the impact of noise from the HI. The NLM filter effectually reduced the noise while maintaining the image edges. The attained denoised images were used as input to the presented ML3CNet. Additionally, the quantization method was also utilized to reduce the size of the presented model for storing the data.

3. Proposed Approach

This study proposes a novel LCCST-EMHI technique. The proposed technique uses histopathological images to classify and recognize the LCC. In order to achieve this, the LCCST-EMHI model contains distinct stages as listed herewith: image preprocessing, feature extractor, ensemble learning, and WaOA-based parameter selection. Figure 1 denotes the working flow of the proposed LCCST-EMHI model.

3.1. Image Preprocessing

In the initial phase, the LCCST-EMHI method uses the bilateral filtering (BF) model to get rid of the noise [19]. The BF model is often preferred for image preprocessing tasks as it can conserve the edges while smoothening the noise in parallel. Unlike other mean filters that blur all the pixels in a uniform manner, BF utilizes spatial and intensity data to selectively smoothen the regions of similar intensity while at the same time maintaining sharp boundaries. This edge-preserving quality is a significant feature, useful in applications that demand the retention of detail, for instance, medical imaging or computer vision tasks. Furthermore, the capability of the BF technique to adapt to different levels of noise and detail makes it a versatile and effective candidate for a wide range of images. It also confirms the overall improvement in image quality and highly accurate subsequent processing. Figure 2 portrays the structure of the BF model.
In general, the input images have much noise, and so it becomes essential to remove the noise from these images at the initial stages. In this study, the BF is utilized for noise reduction. Bilateral filtering, the edge-preserving smoothing technique is a non-repeating process. Unlike conventional mean filters that compute the average value of the pixels in a neighbourhood, the BF conserves the edges by considering both spatial distances as well as the intensity differences between the pixels. While the standard mean and the median filters may blur or reduce the edges and noise, the BF thrives to smoothen the image without compromising on the crucial edge data. This characteristic helps in preventing excessive reduction in the edge details and so, the overall structure of the image. The non-linear bilateral filter has been advanced to tackle the problem discussed above. A bilateral filter, utilizing linear Gaussian G as the initial step for smoothening the edges, is given in Equation (1).
G x = ( f × L G S ) ( x )
The weight for f y equates to L G S ( x y ) and is calculated based on the spatial distance, x y | . The BF improves a weight term w t based on the complete distance denoted by f ( y ) f x .
These outcomes are briefed in Equation (2).
G ( x ) = f ( y ) × L G S x y × w t d y
It is to be understood that when the weight instantly depends on the image values, normalization becomes an essential step to ensure that the overall weights are equivalent to one. The main advantage of BF is that it represents a noise deduction process by image smoothening.

3.2. Feature Extractor

Next, the LCCST-EMHI technique uses the ST (Swin Transformer) model for the purpose of feature extraction [20]. The ST method is highly effective in the feature extraction process, owing to its hierarchical design and local-to-global processing abilities. Unlike the conventional CNNs, the STs utilize shifted windows to capture both local as well as the global features in an effective manner. This methodology allows the model to scale according to diverse resolutions and capture all the intricate details while maintaining computational efficiency. Moreover, the capability of the ST model in terms of handling various input sizes and its strong performance in capturing long-range dependencies make it a robust choice for feature extraction process in complex tasks. The current section provides an elaborate explanation of the ST method. It employs a hierarchical feature map structure through shifted windows, a technique that maintains linear computational complexity. The system also implements a four-stage ST model. Primarily, the input image is resized before it is fed into the ST model. Within the ST model, the image undergoes processing through various modules, thus resulting in a pool of refined and well-focused output feature maps. An image with an input size measured at 224 × 224 × 3 is handled with a standard 2 × 22 D convolution (Conv) layer for extracting crucial features. This convolutional layer extracts the essential features from the image using a 2 × 2 kernel across the overall image. This task helps in capturing the local patterns as well as textures, a significant feature for subsequent feature extraction and analysis. The convolution process efficiently mitigates the spatial dimensions while also conserving the substantial data required for additional processing. Figure 3 demonstrates the stages involved in the ST methodology.
  • Feature Map and Patch Division: After the initial 2D convolution layer, the feature map is divided into non-overlapping patches with size measurements being H × W . Here, H and W illustrate the height and width of each patch, respectively. This sort of dividing into patches is a useful technique for handling image data in a structured manner as it assists in processing and analyzing smaller and localized areas of the image in an effective manner.
  • ST Blocks: The patches are then processed through a series of ST blocks. The ST blocks are constructed to handle both local as well as global features through self-attention mechanisms. Each ST block employs either Shifted Window Multi-Head Self-Attention (SW-MSA) or Window Multi-Head Self-Attention (W-MSA) to capture the long-range dependencies as well as the global features. Here, the SW-MSA integrates the attention within the shifted windows to improve the outcomes in terms of capturing the features, while W-MSA focuses on fixed, non-overlapping windows.
  • Patch Fusion and Linear Layer: After processing the image through the ST blocks, the adjacent sets of 2 × 2 patches are integrated using patch fusion layers. This step incorporates the features from neighbouring patches to provide a highly comprehensive understanding of the image. The incorporated features are then processed using a linear layer, which assists in further transformation and reduction in the dimensions.
  • Down-sampling and Final Dimension: The feature map undergoes down-sampling by a factor of 2 as it mitigates the spatial dimensions. If the original dimension of the feature map is H × W , then the final output of the feature map dimension becomes H 32 × W 32 × 8 C , where H 32 × W 32 reflects the reduced height and width, respectively, after multiple down-sampling operations. Here, 8C corresponds to the number of channels in the final feature map in which C denotes the base number of channels after the convolution and attention processes. In this context, 8C means eight times the base number of channels, which translates into the fact that it provides a rich representation of the features in the final output.
Hence, the feature map is first divided into patches. Then, the patches are processed through ST blocks with attention mechanisms followed by fusing and dimensionality reduction stages, which eventually results in a final feature map with dimensions altered according to the captured crucial data.

3.3. Ensemble Learning

In addition to the above-discussed methods, the LCC is also detected and classified using an ensemble of three classifiers namely, BiLSTM-MHA, DDQN, and SSAE. The sub-sections provide an in-depth insight into all three classifiers.

3.3.1. BiLSTM-MHA Classifier

RNN is a method employed to handle sequence data [21]. Generally, the LSTM is an advanced version of the RNN method with interior methods comprising forget, output, and input gates. The forget gate manages the present output and input of the preceding Hidden Layer (HL). The input gate defines the criteria for the data to be used as an input into the system and the output gate selects the data from a cell state that desires to be the output.
Here, I t , f g t ,   i g t , O g t , h t , C t , and C ~ t   correspond to input data, forget gate, input gate, output gate, present HL, present output, and temporary state of a cell at t t h time, respectively. In LSTM networks, t denotes a specific time step or position in a sequence. During every t t h time step, the network processes the input data, updates its cell state, and yields an output based on the current and previous states. This allows the LSTM network to capture the temporal dependencies in sequential data for which the formulations are given below.
f g t = σ W f h h t 1 + W f I I t + b f
i g t = σ W i h h t 1 + W i I I t + b i
O g t = σ W o h h t 1 + W o I I t + b O
h t = O g t t a n h C t
C ~ t = t a n h W C h h t 1 + W C I I t + b C
C t = f g t C t 1 + i g t C ~ t
Here, W represents the weight matrix, b denotes a bias parameter and σ ( z ) refers to a sigmoid activation function. The formulations for σ ( z ) and t a n h ( x ) are given in Equations (9) and (10).
σ ( z ) = 1 1 e z
t a n h ( x ) = e x e x e x + e x
The Bi-LSTM network can utilize the data from previous or future moments, thus efficiently using the dependence between future and historical time-step data.
The Bi-LSTM backward layer depends on the future time-step data. The forward layer permits the method to incorporate both past as well as imminent time-step data for predicting the future. Therefore, the Bi-LSTM network improves the representation of feature ability and also obtains enriched sequence aspects.
The multi-head attention method acquires dissimilar weight parameters by loading a self-attention mechanism at multiple folds. For a similar input X , numerous arrays of dissimilar parameter matrices are employed to achieve dot-product processes by input so as to attain dissimilar attention matrices such as K , Q , and V . Figure 4 denotes the structure of the BiLSTM-MHA technique. Next, every attention head output is integrated and directly changed. This procedure is expressed in the equation given below.
M H A Q , K , V = C o n c a t H e a d 1 H e a d n 7 V 0
Meanwhile, H e a d i denotes a single self-attention mechanism.

3.3.2. DDQN Classifier

DQN is an off-policy and model-free learning technique that seeks optimum policies in terms of agent contact [22]. A set of rewards is often referred to as R , a set of states is denoted by S , and a set of actions is signified as A at every time step and obtains a state s S and performs an action a A , which results in the subsequent state ( s ) and immediate reward ( r ) . This successive procedure develops a route by signifying the states, rewards, and actions that are maintained with regained experience. The value of the target state-action depends on the subsequent state-action, which is set with an immediate reward ( s ,   a   Q t ( s ,   a ) = r + γ m a x Q ( s ,   a ) . On the contrary, γ denotes the discount factor that considers future rewards. The DQN model utilizes both the experiences’ replay and target network, where the target network Q ^ with parameter θ is similar to the online network. Still, its limitations are reproduced with definite ranges from the online network and are retained and fixed during every other step. Equation (12) shows the calculation for DQN.
Q t a r g e t D Q N r + γ m a x a Q ^ s , a ; θ
During the training process, instead of upgrading the Q -network with current practices that might have time-based correlations, a randomly generated set of experiences is tested from the experiences gained earlier. Conversely, the preceding calculation is also carried out based on an underestimation of the Q -value. The DDQN tackles the restriction using a dissimilar network so as to evaluate the preferred action. This scenario dissociates the range from the assessment to performance enhancement.
Q t a r g e t D D Q N r + γ Q ^ s ,   m a x a Q s ,   a ; θ ; θ
Here, θ and Q ^   represent the weight and target network correspondingly.
The performances of the DDQN and DQN techniques are decided by the complexity of the hyperparameters. So, the hyperparameters should be optimized to achieve high performance from the DDQN model. This can be carried out using CNN by reflecting a randomly formed grid range. Batch size, filter size, updated frequency, rate of learning, and the quantity of experiences are vital to acquire, altogether reflecting the importance of optimizing the hyperparameters. Ray Tune Python library was employed in this study to mechanically hunt for the optimum hyperparameters utilizing the hyperopic technique for ten numerous mixtures to boost the mean reward for 1000 episodes. The complete training procedure had 2000 episodes among which only 50 percent were reflected, owing to a comprehensive computation time. Figure 5 illustrates the architecture of the DDQN model.
To project the noise ablation structure as a separate entity, the current study utilized DDQN with CNN with the optimized hyperparameters. For contrast intents, the FCN was studied with dimensions equal to the CNN filter size i.e., hidden layer (HL) with 64, 32, and 128 neurons. Both output and input layers were maintained in parallel for both cases and were equivalent to the action and state space sizes. Further, the study also used linear activations and ReLU for the HL, CNN output layer, and FCN. The convolutional layer utilized the kernel with 2 × 2 dimensions containing 2, 2, and 1 steps correspondingly. For the reflection and transmission issues, both DDQN and DQN methods share parallel network hyperparameters and architectures with performance variation primarily based on the target analysis of the Q-value.

3.3.3. SSAE Classifier

SSAE classifier is a hierarchical DNN that contains deep AE. The primary AE structure contains output, input, and hidden layers [23]. Here, the encoding process is responsible for the extraction of hidden features from the input data, though the decoding process recreates the input data by utilizing the HL features. By corresponding to the input data, the AE maintains the essential features. Then, the AE input layer obtains the data whereas the transitional layers create hidden codes from the input data. When the input data undergo downsampling by PCA, hidden codes are generated whose dimensions depend on the nodes in HL. The last layer decodes these hidden codes to restructure the first input. The AEs alter the input data into hidden codes and utilize them for restructuring purposes. The usual representation for the AE input is x = [ x 1 , x 2 ,   , x n ] .   T in R D while D x represents the input size. During the encoding process, the input x is decoded to the HL feature vector h and it is comprised of D h neurons in the hidden layer. This alteration method uses an activation function, f . The encoding layer encrypts the network input, whereas the decoding layer decrypts them. The main goal of the AE classifier is to calculate the reconstructed code h to recover it with high precision and it is mathematically expressed in Equation (14).
f d e c f e n c x = f d e c h = X X
Meanwhile, f e n c signifies the encoding layer function, and f d e c denotes a decoding functional layer. The number of neurons in the encoding layer is usually low compared to the input dimension. Therefore, the system is stimulated to reduce the input dimension in this layer so as to avoid redundancy. The usual backpropagation (BP) method with weight initialization at random is compatible by training a distinct AE since it is a shallow neural network. Figure 6 portrays the structure of the SSAE model.

3.4. Parameter Selection

Finally, the hyperparameter selection of all three DL models is executed using the walrus optimization algorithm (WaOA). The WaOA model is a novel method inspired by the natural behaviour of the walrus that presents various merits for hyperparameter tuning [24]. It yields excellent performance in complex search space exploration tasks by employing diverse population dynamics and adaptive mechanisms. The balance between the exploration and exploitation phases in this WaOA technique not only assists in efficiently navigating the hyperparameter landscape but also avoiding the local optima issue. Further, it also enhances the convergence of the model towards the optimal solution. Compared to other methods, the WaOA method can produce highly robust and accurate tuning by effectually handling the high-dimensional spaces and diverse hyperparameter configurations. It has the capability to adapt to diverse problem domains and incur relatively low computational costs, which in turn improves its merit in hyperparameter optimization tasks. It simulates their social ability structures to attain effective optimization. Walruses generally have a vital intelligence of touch. Also, the technique respects the social hierarchies and structures followed by the adults, females, and juvenile walruses in their groups. These fundamental characteristics direct the WaOAs search approach to create a fine balance between the exploitation and exploration phases. Figure 7 shows the steps involved in the WaOA method. The upcoming segment details the foremost models of the WaOA method.
The WaOA optimization procedure starts by producing an initial population of the candidate solutions that are randomly generated to drop in the predefined lower and upper restraints for the optimization issue variables. This dissimilar initial point certifies that there is sufficient exploration space for attaining a latent optimum solution. During the WaOA iterations, these agents travel according to environmental and social signals and always concentrate on the finest potential solution.
By using danger and safety signals, the WaOA technique simulates the responsive behaviour of the walruses according to their atmosphere. These kinds of signals impact the behaviour of each agent and direct the population near regions, where the finest solution is probable to originate. The danger signal imitates the danger related to an agent’s present location, which is determined using Equation (15). In case of improved optimization, this risk signal progressively fails and encourages the agents to travel near the possible solutions. Equation (19) calculates the protection signal, which reveals the appeal of an agent’s present position and it also acquires the robustness during each iteration, thus promising excellent exploitation outcomes. This technique equalizes these densities in an efficient manner so as to navigate the search space.
D a n g e r s i g n a 1 = A × R  
A = 2 × α
α = 1 t T
R = 2 × r 1 1
S a f e t y _ s i g n a l = r 2  
There are dual risk factors signified by R and A . The parameter α reduces from 1 to 0 in the optimization procedure. The safety signal is denoted by r 2 , while the remaining dual stochastic variables, r 1 and r 2 , fall between 0 and 1. The variable t specifies the present iteration step while T signifies the highest predefined iteration count.
During the migration phase, the walrus agents try to travel to novel regions of the searching space. This is accomplished by reorganizing the location of every agent utilizing a randomly produced number r 3 and a migrate step β . The below-mentioned calculation signifies how the location of the walrus is upgraded in this stage.
X i j t + 1 = X i j t + M i g r a t i o n s t e p
M i g r a t i o n s t e p = ( X m t X n t ) × β × r 3 2
β = 1 1 1 + e 10 ( t 0.5 T ) T
Here, the adapted position in the i th iteration beside the j th dimension is signified as X i j t + 1 . Dual nominated locations are specified at random by X m t and X n t , respectively.
The reproduction phase is the phase of population divergence and in this phase, three clusters of walruses i.e., females, males, and juveniles, show dissimilar behaviours. Male walruses perform as spies and discover novel regions within the search space. Their locations are adapted as desirable ones. Meanwhile, female walruses mainly concentrate on refining the latent thoughts of over-exploitation. Young walruses carry huge differences and their locations are attuned towards guiding their relations with both parents. Both exploration and exploitation features are conjoined in this behaviour, whereas changeability is inserted to allow more exploration.
The WaOA method’s capability to discover the optimum solutions is improved by striking a balance between the discovery of novel areas and the application of promising solutions using numerous reproduction models. Equations (23)–(25) show the calculation for this phase.
f e m a l e i j t + 1 = f e m a l e i j t + α × ( m a l e i j t f e m a l e i j t ) + ( 1 α ) × ( X b e s t t f e m a l e i j r )
J u v e n i l e i j t + 1 = ( O J u v e n i l e i j t ) × P  
O = X b e s t t + J u v e n i l e i j t × L F  
Assume P signifies the risk factor for young walruses and O denotes the protection target for their location.
The WaOA method develops a Fitness Function (FF) to enhance the classification performance. It identifies a positive number to signify the greater performance of the candidate solution. In this research, reduced classifier rate of error is examined as FF and is shown in Equation (25).
f i t n e s s x i = C l a s s i f i e r E r r o r R a t e x i = n o .   o f   m i s c l a s s i f i e d   s a m p l e s T o t a l   n o .   o f   s a m p l e s × 100

4. Performance Validation

In this section, the proposed LCCST-EMHI approach was validated using an established dataset through simulation [25]. The dataset encompasses 25,000 histopathological images and each image had the following dimensions: 768 × 768 pixels and stored in JPEG format. Initially derived from a HIPAA-compliant sample of 750 images of lung and colon tissues, around 250 images each from benign and malignant lung adenocarcinomas, lung squamous cell carcinomas, and benign colon tissues, and 500 images of colon adenocarcinomas—the dataset was augmented to 25,000 images by utilizing the Augmentor package. It is then organized into five classes, with 5000 images per class: lung benign tissue, lung adenocarcinoma, lung squamous cell carcinoma, colon adenocarcinoma, and colon benign tissue. Figure 8 presents some of the sample images for lung and colon cancer. The proposed technique was simulated using Python 3.6.5 tool configured on a PC with specifications such as i5-8600k, 250 GB SSD, GeForce 1050Ti 4 GB, 16 GB RAM, and 1 TB HDD. The parameter settings considered for the study are learning rate: 0.01, activation: ReLU, epoch count: 50, dropout: 0.5, and batch size: 5. Table 1 provides a brief description of the dataset.
Figure 9 portrays the confusion matrices generated by the LCCST-EMHI approach for 80:20 and 70:30 of TRAP/TESP datasets. The results specify that the proposed LCCST-EMHI approach accurately detected and identified all five classes.
Table 2 and Figure 10 show the cancer detection results attained by the LCCST-EMHI approach under 80:20 and 70:30 of the TRAP/TESP dataset. The table values imply that the LCCST-EMHI technique appropriately identified all five classes. With 80%TRAP, the LCCST-EMHI approach achieved the average a c c u y , p r e c n , r e c a l , F s c o r e , and G M e a n values such as 98.92%, 97.31%, 97.30%, 97.30%, and 97.31%, respectively. With 20%TESP, the LCCST-EMHI method produced the average a c c u y , p r e c n , r e c a l , F s c o r e , and G M e a n values such as 98.86%, 97.16%, 97.16%, 97.16%, and 97.16%, respectively. Additionally, with 70%TRAP, the LCCST-EMHI approach yielded the average a c c u y , p r e c n , r e c a l , F s c o r e and G M e a n values such as 98.20%, 95.52%, 95.50%, 95.50%, and 95.51%, correspondingly. Moreover, with 30%TESP, the LCCST-EMHI approach accomplished the average a c c u y , p r e c n , r e c a l , F s c o r e , and G M e a n values such as 98.23%, 95.61%, 95.58%, 95.59%, and 95.60%, respectively.
Figure 11 illustrates the classification performance of the LCCST-EMHI model on 80%:20% and 70%:30% datasets. Figure 11a–c show the precision outcomes of the LCCST-EMHI model. The outcome confirms that the LCCST-EMHI model achieved high values over the increasing number of epochs. Additionally, the increased validation over the training dataset confirms that the LCCST-EMHI method has the ability to learn proficiently on the test dataset. On the other hand, Figure 11b–d demonstrates the loss investigation of the LCCST-EMHI technique. The results denote that the LCCST-EMHI model scored closer training and validation loss values and its learning proficiency about the dataset can be understood.
Figure 12 shows the classification outcomes attained by the LCCST-EMHI methodology on 80%:20% and 70%:30% datasets. Figure 12a–c illustrates the PR outcomes attained by the LCCST-EMHI process. The results infer that the LCCST-EMHI method achieved proficient PR results. Moreover, the LCCST-EMHI methodology has been established to attain high PR outcomes on all the class labels. Lastly, Figure 12b–d shows the ROC curve plotted for the LCCST-EMHI approach. The figure infers that the LCCST-EMHI approach resulted in enhanced ROC values. Also, the LCCST-EMHI model can prolong higher ROC values in every class.
Table 3 and Figure 13 showcase the comparison outcomes of the LCCST-EMHI process with that of the existing models [26,27,28,29,30]. The outcomes highlight that the SP-CNN, VGG-16, ResNet-50, and GA-CNN models reported worst performance. Meanwhile, the FMO-CNN, AAI- CCDC, and the SODL-DDCC techniques attained closer results. However, the LCCST-EMHI approach reported superior performance with the maximum p r e c n , r e c a l ,   a c c u y , and F s c o r e values such as 97.31%, 97.30%, 98.92%, and 97.30%, respectively.
In Table 4 and Figure 14, the comparison outcomes of the LCCST-EMHI approach with that of the other models are shown with regard to training and testing time. The outcomes suggest that the LCCST-EMHI model achieved optimal performance. In terms of training time, the LCCST-EMHI technique consumed the least training time of 3.92 s, whereas the SODL-DDCC, AAI- CCDC, FMO-CNN, GA-CNN, ResNet-50, VGG-16, and SP-CNN approaches consumed lengthy training time such as 7.11 s, 10.35 s, 7.20 s, 10.53 s, 10.17 s, 9.70 s, 9.16 s, 8.62 s, 8.16 s, 7.75 s, 8.15 s, and 8.41 s, respectively. In terms of testing time, the LCCST-EMHI process took the least testing time of 2.14 s, whereas the SODL-DDCC, AAI- CCDC, FMO-CNN, GA-CNN, ResNet-50, VGG-16, and SP-CNN methods required lengthy testing time such as 5.61 s, 8.85 s, 5.57 s, 8.80 s, 8.32 s, 7.83 s, 7.31 s, 6.81 s, 6.30 s, 6.04 s, 6.57 s, and 6.67 s, correspondingly.

5. Conclusions

In this research, a new LCCST-EMHI technique has been proposed. The proposed LCCST-EMHI method makes an effort to use the DL model for the detection and classification of LCC using the HI. The LCCST-EMHI model contains distinct stages such as image preprocessing, feature extraction, ensemble learning, and WaOA-based parameter selection to accomplish the objective. Primarily, the LCCST-EMHI method utilized the BF technique for noise elimination. Then, the ST model was deployed for the purpose of feature extraction. An ensemble DL classifier containing three techniques namely, BiLSTM-MHA, DDQN, and SSAE, was also used for LCC recognition and identification process. Eventually, the hyperparameter selection of the three DL models was implemented utilizing the WaOA method. In order to illustrate the promising performance of the LCCST-EMHI technique, a wide range of simulation analyses was conducted on the benchmark database. The experimentation results confirm the promising performance of the LCCST-EMHI approach in comparison with the rest of the methods.

Author Contributions

Conceptualization, A.A.A. and A.A.; methodology, A.A.-M.A.-G. and M.R.; software, A.A.; validation, A.A.A.; formal analysis, M.R.; investigation, A.A.A.; resources, A.A.; data curation, A.A.A.; writing—original draft preparation, A.A.A. and M.R.; writing—review and editing, A.A.A.; visualization, A.A.; supervision, A.A.-M.A.-G.; project administration, M.R.; funding acquisition, A.A.A. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the University of Jeddah, Jeddah, Saudi Arabia, under grant No. (UJ-24-DR-348-1).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data supporting this study’s findings are openly available in the Kaggle repository at https://www.kaggle.com/datasets/andrewmvd/lung-and-colon-cancer-histopathological-images, reference number [25].

Acknowledgments

This work was funded by the University of Jeddah, Jeddah, Saudi Arabia, under grant No. (UJ-24-DR-348-1). Therefore, the authors thank the University of Jeddah for its technical and financial support.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Mangal, S.; Chaurasia, A.; Khajanchi, A. Convolution neural networks for diagnosing colon and lung cancer histopathological images. arXiv 2020, arXiv:2009.03878. [Google Scholar]
  2. Zhuang, Y.; Chen, S.; Jiang, N.; Hu, H. An effective WSSENet-based similarity retrieval method of large lung CT image databases. KSII Trans. Internet Inf. Syst. 2022, 16, 2359–2376. [Google Scholar]
  3. Mohalder, R.D.; Sarkar, J.P.; Hossain, K.A.; Paul, L.; Raihan, M. A deep learning based approach to predict lung cancer from histopathological images. In Proceedings of the 2021 International Conference on Electronics, Communications and Information Technology (ICECIT), Khulna, Bangladesh, 14–16 September 2021; pp. 1–4. [Google Scholar]
  4. Xiao, X.; Wang, Z.; Kong, Y.; Lu, H. Deep learning-based morphological feature analysis and the prognostic association study in colon adenocarcinoma histopathological images. Front. Oncol. 2023, 13, 1081529. [Google Scholar] [CrossRef] [PubMed]
  5. Karim, D.Z.; Bushra, T.A. Detecting lung cancer from histopathological images using convolution neural network. In Proceedings of the TENCON 2021–2021 IEEE Region 10 Conference (TENCON), Auckland, New Zealand, 7–10 December 2021; pp. 626–631. [Google Scholar]
  6. Hatuwal, B.K.; Thapa, H.C. Lung cancer detection using convolutional neural network on histopathological images. Int. J. Comput. Trends Technol. 2020, 68, 21–24. [Google Scholar] [CrossRef]
  7. Sun, L.; Zhang, M.; Wang, B.; Tiwari, P. Few-shot class-incremental learning for medical time series classification. IEEE J. Biomed. Health Inform. 2023, 28, 1872–1882. [Google Scholar] [CrossRef]
  8. Wahid, R.R.; Nisa, C.; Amaliyah, R.P.; Puspaningrum, E.Y. Lung and colon cancer detection with convolutional neural networks on histopathological images. In AIP Conference Proceedings, Proceedings of the 7th International Conference on Science and Technology, Yogyakarta, Indonesia, 7–8 September 2021; AIP Publishing: Long Island, NY, USA, 2023; Volume 2654. [Google Scholar]
  9. Stephen, O.; Sain, M. Using deep learning with Bayesian–Gaussian inspired convolutional neural architectural search for cancer recognition and classification from histopathological image frames. J. Healthc. Eng. 2023, 2023, 4597445. [Google Scholar] [CrossRef]
  10. Yu, G.; Sun, K.; Xu, C.; Shi, X.-H.; Wu, C.; Xie, T.; Meng, R.-Q.; Meng, X.-H.; Wang, K.-S.; Xiao, H.-M.; et al. Accurate recognition of colorectal cancer with semi-supervised deep learning on pathological images. Nat. Commun. 2021, 12, 6311. [Google Scholar] [CrossRef]
  11. Chhillar, I.; Singh, A. A feature engineering-based machine learning technique to detect and classify lung and colon cancer from histopathological images. Med. Biol. Eng. Comput. 2024, 62, 913–924. [Google Scholar] [CrossRef]
  12. Muniasamy, A.; Alquhtani, S.A.S.; Bilfaqih, S.M.; Balaji, P.; Karunakaran, G. Lung cancer histopathology image classification using transfer learning with convolution neural network model. Technol. Health Care 2024, 32, 1199–1210. [Google Scholar] [CrossRef]
  13. Singh, O.; Singh, K.K. An approach to classify lung and colon cancer of histopathology images using deep feature extraction and an ensemble method. Int. J. Inf. Technol. 2023, 15, 4149–4160. [Google Scholar] [CrossRef]
  14. Tummala, S.; Kadry, S.; Nadeem, A.; Rauf, H.T.; Gul, N. An explainable classification method based on complex scaling in histopathology images for lung and colon cancer. Diagnostics 2023, 13, 1594. [Google Scholar] [CrossRef] [PubMed]
  15. Iqbal, S.; Qureshi, A.N.; Alhussein, M.; Aurangzeb, K.; Kadry, S. A novel Heteromorphous convolutional neural network for automated assessment of tumors in colon and lung histopathology images. Biomimetics 2023, 8, 370. [Google Scholar] [CrossRef] [PubMed]
  16. AlGhamdi, R.; Asar, T.O.; Assiri, F.Y.; Mansouri, R.A.; Ragab, M. Al-biruni Earth radius optimization with transfer learning based histopathological image analysis for lung and colon cancer detection. Cancers 2023, 15, 3300. [Google Scholar] [CrossRef]
  17. Al-Jabbar, M.; Alshahrani, M.; Senan, E.M.; Ahmed, I.A. Histopathological Analysis for Detecting Lung and Colon Cancer Malignancies Using Hybrid Systems with Fused Features. Bioengineering 2023, 10, 383. [Google Scholar] [CrossRef]
  18. Kumar, A.; Vishwakarma, A.; Bajaj, V. ML3CNet: Non-local means-assisted automatic framework for lung cancer subtypes classification using histopathological images. Comput. Methods Programs Biomed. 2024, 251, 108207. [Google Scholar] [CrossRef]
  19. Hayum, A.A.; Jaya, J.; Sivakumar, R.; Paulchamy, B. An efficient breast cancer classification model using bilateral filtering and fuzzy convolutional neural network. Sci. Rep. 2024, 14, 6290. [Google Scholar] [CrossRef]
  20. Karthik, R.; Vardhan, G.V.; Khaitan, S.; Harisankar, R.N.R.; Menaka, R.; Lingaswamy, S.; Won, D. A dual-track feature fusion model utilizing Group Shuffle Residual DeformNet and swin transformer for the classification of grape leaf diseases. Sci. Rep. 2024, 14, 14510. [Google Scholar] [CrossRef] [PubMed]
  21. Yao, J.; Yang, J.; Zhang, C.; Zhang, J.; Zhang, T. Autonomous Underwater Vehicle Trajectory Prediction with the Nonlinear Kepler Optimization Algorithm–Bidirectional Long Short-Term Memory–Time-Variable Attention Model. J. Mar. Sci. Eng. 2024, 12, 1115. [Google Scholar] [CrossRef]
  22. Gebrekidan, S.B.; Marburg, S. Autonomous design of noise-mitigating structures using deep reinforcement learning. J. Acoust. Soc. Am. 2024, 156, 151–163. [Google Scholar] [CrossRef]
  23. Khan, M.A.; Asad, B.; Vaimann, T.; Kallaste, A. Improved Diagnostic Approach for BRB Detection and Classification in Inverter-Driven Induction Motors Employing Sparse Stacked Autoencoder (SSAE) and LightGBM. Electronics 2024, 13, 1292. [Google Scholar] [CrossRef]
  24. Shaheen, M.A.; Hasanien, H.M.; Mekhamer, S.F.; Talaat, H.E. Walrus optimizer-based optimal fractional order PID control for performance enhancement of offshore wind farms. Sci. Rep. 2024, 14, 17636. [Google Scholar] [CrossRef] [PubMed]
  25. Available online: https://www.kaggle.com/datasets/andrewmvd/lung-and-colon-cancer-histopathological-images (accessed on 14 May 2024).
  26. Kassem, A.A. Snake Optimization with deep learning enabled disease detection model for colorectal cancer. J. Smart Internet Things 2023, 2022, 178–195. [Google Scholar]
  27. Mohamed, A.A.A.; Hançerlioğullari, A.; Rahebi, J.; Rezaeizadeh, R.; Lopez-Guede, J.M. Colon Cancer Disease Diagnosis Based on Convolutional Neural Network and Fishier Mantis Optimizer. Diagnostics 2024, 14, 1417. [Google Scholar] [CrossRef] [PubMed]
  28. AL-Ghamdi, A.S.; Ragab, M. Tunicate swarm algorithm with deep convolutional neural network-driven colorectal cancer classification from histopathological imaging data. Electron. Res. Arch. 2023, 31, 2793–2812. [Google Scholar] [CrossRef]
  29. Thanammal, K.K. Lung cancer detection via deep learning-based pyramid network with honey badger algorithm. Meas. Sens. 2024, 31, 100993. [Google Scholar]
  30. Uddin, A.H.; Chen, Y.L.; Akter, M.R.; Ku, C.S.; Yang, J.; Por, L.Y. Colon and lung cancer classification from multi-modal images using resilient and efficient neural network architectures. Heliyon 2024, 10, e30625. [Google Scholar] [CrossRef]
Figure 1. Workflow of the LCCST-EMHI model.
Figure 1. Workflow of the LCCST-EMHI model.
Bioengineering 11 00978 g001
Figure 2. Structure of the BF model.
Figure 2. Structure of the BF model.
Bioengineering 11 00978 g002
Figure 3. Stages involved in the ST technique.
Figure 3. Stages involved in the ST technique.
Bioengineering 11 00978 g003
Figure 4. Structure of the BiLSTM-MHA method.
Figure 4. Structure of the BiLSTM-MHA method.
Bioengineering 11 00978 g004
Figure 5. Architecture of the DDQN model.
Figure 5. Architecture of the DDQN model.
Bioengineering 11 00978 g005
Figure 6. Architecture of the SSAE approach.
Figure 6. Architecture of the SSAE approach.
Bioengineering 11 00978 g006
Figure 7. Steps involved in WaOA technique.
Figure 7. Steps involved in WaOA technique.
Bioengineering 11 00978 g007
Figure 8. Sample images of (a) lung cancer and (b) colon cancer.
Figure 8. Sample images of (a) lung cancer and (b) colon cancer.
Bioengineering 11 00978 g008
Figure 9. Confusion matrices of (a,c) 80%TRAP and 70%TRAP and (b,d) 20%TESP and 30%TESP.
Figure 9. Confusion matrices of (a,c) 80%TRAP and 70%TRAP and (b,d) 20%TESP and 30%TESP.
Bioengineering 11 00978 g009
Figure 10. Average values attained by the LCCST-EMHI method for 80:20 and 70:30 of TRAP/TESP datasets (a) 80%TRAP, (b) 20%TESP, (c) 70%TRAP, and (d) 30%TESP.
Figure 10. Average values attained by the LCCST-EMHI method for 80:20 and 70:30 of TRAP/TESP datasets (a) 80%TRAP, (b) 20%TESP, (c) 70%TRAP, and (d) 30%TESP.
Bioengineering 11 00978 g010
Figure 11. (a,c) Accuracy curve on 80%:20% and 70%:30% and (b,d) loss curve on 80%:20% and 70%:30%.
Figure 11. (a,c) Accuracy curve on 80%:20% and 70%:30% and (b,d) loss curve on 80%:20% and 70%:30%.
Bioengineering 11 00978 g011
Figure 12. (a,c) PR curve on 80%:20% and 70%:30% and (b,d) ROC curve on 80%:20% and 70%:30%.
Figure 12. (a,c) PR curve on 80%:20% and 70%:30% and (b,d) ROC curve on 80%:20% and 70%:30%.
Bioengineering 11 00978 g012
Figure 13. Comparative analysis outcomes of the LCCST-EMHI technique and other existing models.
Figure 13. Comparative analysis outcomes of the LCCST-EMHI technique and other existing models.
Bioengineering 11 00978 g013
Figure 14. Training and testing time comparative analysis between the LCCST-EMHI model and other recent models.
Figure 14. Training and testing time comparative analysis between the LCCST-EMHI model and other recent models.
Bioengineering 11 00978 g014
Table 1. Details of datasets.
Table 1. Details of datasets.
Class NamesLabelsNo. of Images
“Lung benign tissue”Lung-C15000
“Lung adenocarcinoma”Lung-C25000
“Lung squamous cell carcinoma”Lung-C35000
“Colon adenocarcinoma”Colon-C15000
“Colon benign tissue”Colon-C25000
Total no. of Images25,000
Table 2. Cancer detection outcomes of the LCCST-EMHI approach for 80:20 and 70:30 of the TRAP/TESP datasets.
Table 2. Cancer detection outcomes of the LCCST-EMHI approach for 80:20 and 70:30 of the TRAP/TESP datasets.
Class Labels A c c u y P r e c n R e c a l F s c o r e G M e a n
TRAP (80%)
Lung-C198.8196.8697.1196.9996.99
Lung-C299.0698.0597.1897.6197.61
Lung-C398.8997.1097.4497.2797.27
Colon-C198.9196.8897.7397.3097.30
Colon-C298.9497.6597.0797.3697.36
Average98.9297.3197.3097.3097.31
TESP (20%)
Lung-C198.6696.5297.1696.8496.84
Lung-C298.9298.0296.6897.3597.35
Lung-C398.9096.4497.7797.1097.10
Colon-C198.8697.2997.0097.1497.14
Colon-C298.9897.5497.2497.3997.39
Average98.8697.1697.1797.1697.16
TRAP (70%)
Lung-C198.2595.8895.3495.6195.61
Lung-C298.0495.0795.1095.0995.09
Lung-C398.4497.0695.1796.1196.11
Colon-C198.0493.8496.5495.1795.18
Colon-C298.2395.7295.3695.5495.54
Average98.2095.5295.5095.5095.51
TESP (30%)
Lung-C198.1595.1795.6195.3995.39
Lung-C298.2095.6295.4395.5295.52
Lung-C398.6097.5495.2096.3696.36
Colon-C197.9694.1195.8094.9594.95
Colon-C298.2795.6395.8895.7595.75
Average98.2395.6195.5895.5995.60
Table 3. Comparative analysis outcomes of the LCCST-EMHI approach and other existing models [26,27,28,29,30].
Table 3. Comparative analysis outcomes of the LCCST-EMHI approach and other existing models [26,27,28,29,30].
Methods A c c u y P r e c n R e c a l F s c o r e
LCCST-EMHI98.9297.3197.3097.30
SODL-DDCC98.4596.4496.3896.37
AAI- CCDC97.4895.7096.3296.17
FMO-CNN97.6594.8796.1996.76
GA-CNN93.5691.1594.8993.21
DenseNet20196.1696.4993.1691.64
FPSOCNN94.6694.8291.4989.85
Faster-RCNN92.9093.1989.7888.10
DL-LCD91.1391.4288.2686.37
ODNN89.6189.6986.4984.64
ResNet-50 Classifier88.0588.0893.6794.63
VGG-1681.8285.1189.2688.10
SP-CNN Classifier81.6182.3182.9082.75
Table 4. Training and testing time comparative analysis between the LCCST-EMHI model and other recent models.
Table 4. Training and testing time comparative analysis between the LCCST-EMHI model and other recent models.
Time (s)
MethodsTrainingTesting
LCCST-EMHI3.922.14
SODL-DDCC7.115.61
AAI- CCDC10.358.85
FMO-CNN Model7.205.57
GA-CNN10.538.80
DenseNet20110.178.32
FPSOCNN9.707.83
Faster-RCNN9.167.31
DL-LCD8.626.81
ODNN8.166.30
ResNet-50 Classifier7.756.04
VGG-168.156.57
SP-CNN Classifier8.416.67
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Alsulami, A.A.; Albarakati, A.; AL-Ghamdi, A.A.-M.; Ragab, M. Identification of Anomalies in Lung and Colon Cancer Using Computer Vision-Based Swin Transformer with Ensemble Model on Histopathological Images. Bioengineering 2024, 11, 978. https://doi.org/10.3390/bioengineering11100978

AMA Style

Alsulami AA, Albarakati A, AL-Ghamdi AA-M, Ragab M. Identification of Anomalies in Lung and Colon Cancer Using Computer Vision-Based Swin Transformer with Ensemble Model on Histopathological Images. Bioengineering. 2024; 11(10):978. https://doi.org/10.3390/bioengineering11100978

Chicago/Turabian Style

Alsulami, Abdulkream A., Aishah Albarakati, Abdullah AL-Malaise AL-Ghamdi, and Mahmoud Ragab. 2024. "Identification of Anomalies in Lung and Colon Cancer Using Computer Vision-Based Swin Transformer with Ensemble Model on Histopathological Images" Bioengineering 11, no. 10: 978. https://doi.org/10.3390/bioengineering11100978

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