Next Article in Journal
The Impact of Bevacizumab and Chemotherapy on Quality of Life in Metastatic Colorectal Cancer Patients
Next Article in Special Issue
Explainable Machine Learning to Predict Successful Weaning of Mechanical Ventilation in Critically Ill Patients Requiring Hemodialysis
Previous Article in Journal
Exploring the Impact of Storytelling for Hospitalized Patients Recovering from COVID-19
Previous Article in Special Issue
Knowledge-Based Dietary Intake Recommendations of Nutrients for Pediatric Patients with Maple Syrup Urine Disease
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Archimedes Optimization Algorithm with Deep Learning-Based Prostate Cancer Classification on Magnetic Resonance Imaging

1
Information Technology Department, Faculty of Computing and Information Technology, King Abdulaziz University, Jeddah 21589, Saudi Arabia
2
Department of Mathematics, Faculty of Science, Al-Azhar University, Cairo 11884, Egypt
3
Faculty of Earth Sciences, King Abdulaziz University, Jeddah 21589, Saudi Arabia
4
Geology Department, Faculty of Science, Al-Azhar University (Assiut branch), Assiut 71524, Egypt
5
Computer and Information Technology Department, The Applied College, King Abdulaziz University, Jeddah 21589, Saudi Arabia
6
Department of Medical Microbiology and Parasitolog, Faculty of Medicine, King Abdulaziz University, Jeddah 21589, Saudi Arabia
7
Health Promotion Center, King Abdulaziz University, Jeddah 21589, Saudi Arabia
8
Prince Sattam Bin Abdulaziz University, Al-Kharj 11942, Saudi Arabia
9
Department of Biochemistry, Faculty of Sciences, King Abdulaziz University, Jeddah 21589, Saudi Arabia
*
Author to whom correspondence should be addressed.
Healthcare 2023, 11(4), 590; https://doi.org/10.3390/healthcare11040590
Submission received: 15 October 2022 / Revised: 3 February 2023 / Accepted: 6 February 2023 / Published: 16 February 2023
(This article belongs to the Special Issue Advances of Decision-Making Medical System in Healthcare)

Abstract

:
Prostate cancer (PCa) is becoming one of the most frequently occurring cancers among men and causes an even greater number of deaths. Due to the complexity of tumor masses, radiologists find it difficult to identify PCa accurately. Over the years, several PCa-detecting methods have been formulated, but these methods cannot identify cancer efficiently. Artificial Intelligence (AI) has both information technologies that simulate natural or biological phenomena and human intelligence in addressing issues. AI technologies have been broadly implemented in the healthcare domain, including 3D printing, disease diagnosis, health monitoring, hospital scheduling, clinical decision support, classification and prediction, and medical data analysis. These applications significantly boost the cost-effectiveness and accuracy of healthcare services. This article introduces an Archimedes Optimization Algorithm with Deep Learning-based Prostate Cancer Classification (AOADLB-P2C) model on MRI images. The presented AOADLB-P2C model examines MRI images for the identification of PCa. To accomplish this, the AOADLB-P2C model performs pre-processing in two stages: adaptive median filtering (AMF)-based noise removal and contrast enhancement. Additionally, the presented AOADLB-P2C model extracts features via a densely connected network (DenseNet-161) model with a root-mean-square propagation (RMSProp) optimizer. Finally, the presented AOADLB-P2C model classifies PCa using the AOA with a least-squares support vector machine (LS-SVM) method. The simulation values of the presented AOADLB-P2C model are tested using a benchmark MRI dataset. The comparative experimental results demonstrate the improvements of the AOADLB-P2C model over other recent approaches.

1. Introduction

Prostate cancer (PCa) is a major factor for the increasing death rates in cancer and is most commonly identified among men [1]. In spite of its prevalence, PCa can be frequently non-aggressive, making it difficult to find. This results in the disease presenting higher risks to patients as to warrant treatments, such as radiation therapy or prostatectomies (prostate surgery) [2]. Histopathologically, Gleason grading can be a robust prognostic predictor in prostate carcinoma [3], but Gleason grading is difficult to execute and subjective, with important intra- and inter-observer variabilities. Whereas uropathologists have a higher agreement rate, this skill is often unavailable. The current guidelines require the involvement of pathologists in determining the proportion of cancer through various Gleason grading systems, which increases the workload for pathologists and exacerbates subjective issues [4]. In recent decades, research has shifted toward utilizing Artificial Intelligence (AI) and statistics to improve the accuracy of estimation and diagnosis outcomes. The utility of computer-oriented learning techniques is becoming the main research area in PCa [5], and Artificial Neural Networks (ANN) are progressively being utilized for building advanced prognostic methods for the detection of PCa. To obtain structured data which include outcomes and input variables with some knowledge of PCa insights, it is enough to train a machine learning model [6]. For example, numerous new tools are available for diagnosing and screening PCa, such as biomarkers (molecular imaging and exosomes), genomics, and magnetic resonance imaging (MRI). In this case, AI has an important role in two ways. By analyzing large amounts of data and leveraging advancements in machine learning (ML) techniques, urologists can reduce the number of unnecessary prostate biopsies while maintaining the accuracy of identifying aggressive prostate cancer [7].
Furthermore, the usage of AI, extracellular vehicles, and genomics may offer a rapid and more reliable PCa test. Machine learning (ML) is a subfield of Artificial Intelligence that involves the development and deployment of techniques for analyzing data and its characteristics. It does not require specific inputs from the environment to perform its tasks [8]. ML methods are categorized in accordance with the kind of feature and label. For labeling, ML is categorized into three methods, including reinforcement learning, supervised, and unsupervised methods. Regarding features, ML is categorized into non-handcrafted or handcrafted feature-oriented approaches [9,10,11,12]. Deep Learning (DL) is a kind of ML that allows machine devices to learn from experiences and realize atmosphere with regard to a hierarchical model. Computers gain knowledge through learning experiences, and there is no need for a human to provide every piece of information beforehand [13]. Currently, the Deep Convolutional Neural Network (DCNN), an altered form of Artificial Neural Networks (ANN), has been proven to have high efficacy if implemented to digitalize images, a type of computer-aided diagnosis (CAD) analysis.
This article applies an Archimedes Optimization Algorithm with Deep Learning-based Prostate Cancer Classification (AOADLB-P2C) model to MRI images. The presented AOADLB-P2C model majorly examines MRI images for the identification of PCa. To accomplish this, the AOADLB-P2C model performs pre-processing in two stages: adaptive median filtering (AMF)-based noise removal and contrast enhancement. Furthermore, the presented AOADLB-P2C model extracts features via a densely connected network (DenseNet-161) model with a root-mean-square propagation (RMSProp) optimizer. Finally, the presented AOADLB-P2C model classifies PCa using the AOA with a least-squares support vector machine (LS-SVM) method. The simulation values of the presented AOADLB-P2C model are tested using a benchmark MRI dataset. In short, the key contributions of the current study are listed below:
  • An intelligent AOADLB-P2C technique is presented, and it comprises AMF-based pre-processing, DenseNet-161-based feature extraction, RMSProp optimizer, LS-SVM classification, and AOA-based hyperparameter tuning. To the best of the researchers’ knowledge, a AOADLB-P2C model has never been presented in the literature.
  • A RMSProp optimizer is applied in this study for the selection of hyperparameters involved in the DenseNet-161 model.
  • The parameter optimization of the LS-SVM model using the AOA algorithm and cross-validation helps in boosting the predictive outcome of the proposed model for unseen data.
  • The performance of the proposed model is validated using a PCa dataset.
The rest of the paper is organized as follows. Section 2 provides a detailed review of the literature and Section 3 introduces the proposed model. Next, Section 4 offers the comprehensive analytical results and Section 5 concludes the work.

2. Related Works

The current section provides a detailed survey of existing models related to PCa classification. Liu et al. [14] modeled a DL method by combining the Inception-v3 and S-Mask region-based Convolutional Neural Network (R-CNN) models and used it in the ultrasound image-aided prognosis of PCa. The enhanced S-Mask R-CNN was leveraged to achieve a precise segmentation of the generated candidate regions and prostate ultrasound images. Furthermore, the RoI align method was also leveraged to realize the pixel-level feature point position. The respective binary mask of the prostate images was produced by the convolutional networks to distinguish the background and the prostate regions. In [15], a new automated classifier technique was modeled by merging several DL techniques to identify PCa from MRI and ultrasound (US) images. The devised technique also explains why a particular decision is given for the input MRI or US image. Numerous pretrained DL methods with custom-developed layers were included in this study on top of the corresponding pre-trained techniques and were implemented in the database.
Toledo-Cortés et al. [16] modeled a quantum-inspired deep probabilistic learning ordinal regression approach for medical image diagnosis. The proposed model leverages the advantages of intrinsic ordinal information of disease phases and representational power of DL techniques. The technique was assessed using two distinct medical image analyzing tasks, including the diabetic retinopathy grade estimation on eye fundus images and PCa diagnosis. Alam et al. [17] devised and authenticated several classifier methods on a supervised ML algorithm to forecast the occurrence of PCa. A modified LR method was modeled and applied on the images captured from patients who are vulnerable to PCa. This devised classifier method used various stages of tumor and clinical features. The clinical features included smoking history, BMI, cystitis infections, and age. Zhong et al. [18] conducted research work in which the main objective was to devise a Deep Transfer Learning (DTL)-oriented method for differentiating indolent lesions from clinically significant (CS) PCa lesions. The researchers compared the DTL-related method with a DL technique without TL and PIRADS v2 score over three Tesla multi-parametric MRI (3T mp-MRI) with Whole Mount Histopathology (WMHP) validations.
Wang and Wang [19] formulated a DL-oriented technique for automatic classification of clinically significant (CS) and clinically insignificant (CiS) PCa based on multiparametric MRI (mpMRI) images. Their study also intended to select suitable mpMRI series for PCa categorization in various anatomic zones. For the selection of optimal integration of the series for PCa classification in a particular zone and PCa classification, the researchers devised Multi-Input Selection Networks (MISNs). A MISN is a multi-input or multi-output classifier network that has a total of nine branches for processing nine input images from the mpMRI data. Poojitha and Sharma [20] discussed the saliency maps of images utilizing Deep Convolutional Generative Adversarial Networks (DCGANs) by implementing a semantic segmentation method with salient maps, offered by pathology specialists. This structure was modeled by integrated the fine-tuned VGGnet, CNNs, and RNNs. The authors presented a new method in which LSTM-RNN was used for sequential sub-band images of shearlet coefficients.
According to [21], novel urinary and serum biomarkers have been established in recent years. However, the researchers continuously search for novel biomarkers under different conditions and patient settings. In spite of these, there is a lack of particular rules with high level of evidence on the utilization of these markers. The count of the analysis, which focuses on the characterization of a particular PCa metabolic phenotype by utilizing distinct experimental methods, has been reported. In a study conducted earlier [22], a dual 5α-reductase inhibitor (5-ARI), i.e., dutasteride, was found, and it blocks testosterone from being converted into its active element, i.e., dihydrotestosterone (DHT), and decreases prostate volume, thus enhancing urinary flow rate. The Bipolar Transurethral Resection of the Prostate (B-TURP) process tends to enhance the outcomes and efficiency in comparison with the typical TURP, yet the incidence of side-effects in the B-TURP is lower.
Ferro et al. [23] reviewed existing evidence on the approaches and examinations conducted in existing literature on radiomics in PCa patients. The review also recommends its potential in terms of personalized medicine and future applications. The analysis conducted by Massanova et al. [24] related several means of PV estimate, comprising Digital Rectal Examination (DRE), Transrectal Ultrasound (TRUS), MRI, and radical prostatectomy specimens to determine the best method for volume measurement.
Several CAD models have been proposed in the literature for PCa classification process. Although several ML and DL models are available in the literature for liver cancer classification, there is a need to enhance the classification performance. Owing to the continuous exploration of this research domain, the number of parameters in DL models also increases quickly, which in turn results in model overfitting. At the same time, different hyperparameters exert a significant impact on the efficiency of CNN models. Particularly, hyperparameters, such as epoch count, batch size, and learning rate selection, are essential to attain an effectual outcome. Since the ‘trial and error’ method for hyperparameter tuning is a tedious and erroneous process, metaheuristic algorithms can be applied. Therefore, the current study employs the RMSProp optimizer for DenseNet and AOA algorithms in a LS-SVM model.

3. The Proposed Model

In this article, the authors propose a novel AOADLB-P2C method for PCa diagnosis from MRI images. Initially, the proposed AOADLB-P2C model pre-processes the MRI images in two stages, i.e., AMF-based noise removal and contrast enhancement. Moreover, the RMSProp optimizer with the DenseNet-161 model is applied for the purpose of feature extraction. Finally, the presented AOADLB-P2C model classifies the images for PCa using the AOA with LS-SVM models. Figure 1 shows the overall working process of the proposed AOADLB-P2C system.

3.1. Pre-Processing

At first, the proposed AOADLB-P2C model pre-processes the MRI images in two stages using AMF-based noise removal and contrast enhancement [25]. A simple MF is employed at the median of the window to replace the centre pixel that is regarded as a window. Once the central pixel is categorized as (salt) or (pepper), it is replaced by the middle value of the window. The major drawback of the standard MF is that, although the pixels are regarded as incorrect (except 0 or 255), it gets substituted with the median of the window. This reduces the whole visual quality of the image. In addition, it is not possible for an MF to preserve the edges. In general, the window is sorted in an ascending order. The median is deemed to be the middle value. Therefore, the undamaged pixels get substituted with the median value. The following stage is to employ the Contrast Limited Adaptive Histogram Equalization (CLAHE) approach on the noise-removed images. It has the best tractability in electing the local histogram map ping function. The CLAHE approach separates the images into suitable regions and enforces the histogram equalization approach upon them. Then, the clipped pixels are reassigned to every gray level. This novel histogram is unlike the typical histogram since the intensity of all the pixels gets constrained by the user-selectable maximum number. Hence, the CLAHE model might limit the noise enhancement outcome.

3.2. Feature Extraction

At this stage, the RMSProp optimizer is applied with the DenseNet-161 model for the purpose of feature extraction [26]. This model possesses dense convolution network (DenseNet) that accomplishes the maximum classification performance on large data, such as CIFAR-10 and ImageNet. The ResNet model acquires a duplicate feature map and contains several parameters, which make the training process a difficult one. On the other hand, the DenseNet model is comprised of thin layers and learns from a small number of feature maps, whereby every layer feeds data to the adjacent layer. The connecting model has more than one convolutional layer in a dense block of the DenseNet model. This feed-forward connection raises the overall number of layers from L to L ( L + 1 ) / 2 . Consequently, the network gets trained in an effective manner, which not only reduces the over-fitting issue but also enhances the performance of the model. The DenseNet-161 model correspondingly comprises four dense blocks with (6, 12, 36, and 24) sub-blocks. Every sub-block has two convolutional layers that result in a total count of 156 layers with 5 convolutional layers having a growth rate of k = 48 . Here, k represents the feature map. In model compression, the transition layer plays a crucial role. If the number of channels in the output feature maps of the dense block is m , then the subsequent transition layer creates [ θ m ] output feature map. Here, 0 < θ 1 represents the compression factor. When θ = 1 , the number of feature mappings through the transition layer remains unchanged. This model is appropriate for embedded devices due to its thick compressibility and connectivity. With the help of the DenseNet-161 model as the pre-trained module, the knowledge (weight value) of the basic structure learnt in the first and middle layers gets transmitted to the presented method. The fundamental parameter, i.e., the pre-trained model, learns to categorize different objects in the ImageNet, and it has been utilized for the classification of the images of humans who carry baggage. Thus, the transfer learning fastens the training procedure and improves the novel CNN model.
To adjust the hyperparameters related to the DenseNet method, the RMSProp optimizer is exploited in this study [27]. The RMSprop is an optimization algorithm for neural networks that uses the magnitude of recent gradients to normalize the rest of the gradients. It is similar to the standard Stochastic Gradient Descent (SGD) algorithm, but it uses a moving average of the squared gradient values to scale the learning rate. This function helps in preventing oscillations and divergence in the optimization process. The RMSprop is often used in Deep Learning techniques and is known to work well with Recurrent Neural Networks (RNNs). The RMSprop is an enhanced model of Adagrad, and its upgrading process is similar to that of the Adagrad optimizer. It calculates the exponential decay average of the squared gradient as given below:
G t = β G t 1 + ( 1 β ) g t g t = ( 1 β ) τ = 1 t β t τ g τ g τ ,  
In Equation (1), β denotes the decaying rate that is usually set as 0.9. In addition, the upgraded values of the parameter from the RMSprop are same as the Adagrad:
Δ θ t = α G t + ε g τ .  
Furthermore, the simplified model of the Adagrad is given below:
g t = 1 G t + ε g τ ,  
The upgraded value of the RMSprop is defined by Equation (4) as given below:
Δ θ t = α g t .  
Hence, the RMSprop is an enhanced method based on the gradient. To conduct the analysis, the rate of learning optimized approach is employed to enhance the training efficacy.

3.3. Prostate Cancer Classification

For PCa detection, the LS-SVM model is used. The LS-SVM is a well-organized ML algorithm that functions on the basis of statistical learning approach developed by Vapnik. The LSSVM algorithm effectively overcomes the higher-dimensional nonlinear and local minimal problems [28]. It can be established in a SVM method with two other features. Initially, inequality is constrained by the equality constraints after which it transmits two programming problems to the linear expression. These additional features accelerate the computational time of the LSSVM on the SVM method. Figure 2 demonstrates the structure of the SVM hyperplane.
The learning process of the LSSVM is shown below. ( x i ,   y i ) , i = 1 , 2 ,   ,   n , where x i represents the i t h predictor parameter and y i denotes the i t h outcome parameter. The linear regression function is given below:
f ( x ) = w T g ( x ) + b  
In Equation (5), w and b correspondingly determine the weight vector and the deviation.
min   J ( ω ,   ζ ) = 1 2 ω T ω + 1 2 C i = 1 m ζ 2  
In Equation (6), C and ζ i correspondingly indicate the error penalty and the slack parameter. Based on Mercer’s condition, the linear kernel purpose is selected as shown below:
K ( x i , x j ) = ϕ ( x i ) T ϕ ( x j )  
The final LSSVM approach is calculated based on the following expression:
f ( x ) = i = 1 m a i K ( x , x i ) + b  
where a i indicates the Lagrangian multiplier.
To adjust the LS-SVM parameters, the current research work utilizes the AOA. Hashim et al. [29] proposed the AOA algorithm based on the Archimedes’ principle that is deemed to be the law of physics. This principle focuses on an object that is immersed, either fully or partly in a fluid. In general, there exists an upward force (termed ‘buoyancy’) exerted by the liquid on the body. This force corresponds to the weight of the fluid displaced by the body. In this work, immersed objects are deemed to be an individual population (i.e., solution candidates). This technique begins with the population initialization and, along with that, the position of each object is arbitrarily initiated inside the problem searching spaces. Then, their respective Fitness Function (FF) is evaluated. In the iteration model, the AOA upgrades the object density ( d e n i ) and volume ( v o l i ) of the ith object once the acceleration is upgraded based on the collision with a neighboring object. The position of all the objects ( O i ) is defined as follows:
O i = l i + r a n d × ( u i l i ) ,   i = 1 , 2 ,   ,   N  
where l i and u i characterize the lower and upper limits of the i t h object, and N represents the object amount.
d e n i = r a n d ,   v o l i = r a n d  
Consider that r a n d represents a random number in the range of {0, 1}, the acceleration ( a c c i ) of the ith objective is initialized as follows:
a c c i = l i + r a n d × ( u i l i )  
The initial FF is assessed, and the object with the optimal fitness is allotted as x b e s t ,   d e n b e s t ,   v o l b e s t , and a c c b e s t .
The updating methods of the i t h object density and volume for the iteration t + 1 are formulated as follows:
d e n i t + 1 = d e n i t + r a n d × ( d e n b e s t d e n i t )  
v o l i t + 1 = v o l i t + r a n d × ( v o l b e s t v o l i t )  
In these expressions, t denotes the current iteration and r a n d denotes a random number. At first, there exists a collision amongst the objects that try to accomplish the equilibrium state. This process is presented in the AOA through the Transfer Operator (TF) that assists in the transformation from the exploration stage to the exploitation stage:
T F =   exp   ( t t max t max )  
In this equation, t represents the iteration number and t max denotes the maximal iteration count. Here, the T F values get increased gradually. The density reducing factor ( d ) helps the AOA to transfer from the global to the local search space:
d t + 1 =   exp   ( t max t t max ) ( t t max )  
The values of d t + 1 reduce with time while, on the other hand, the proper allocation of these parameters helps in attaining a fine balance between the exploitation and exploration stages [30]. The exploration stage is signified as the collision among the objects, while the TF value is 0.5. The acceleration of the i t h object at t + 1 iterations is upgraded as follows:
a c c i t + 1 = d e n m r + v o l m r × a c c m r d e n i t + 1 × v o l i t + 1  
Here, a c c m r   d e n m r , and v o l m r , indicate the acceleration, density, and volume of the random material (mr). The exploitation phase in the AOA assumes that there is no collision among the objects. If TF > 0.5, there is no collision between the objects while an object’s acceleration is updated for the iteration t + 1 using Equation (17):
a c c i t + 1 = d e n b e s t + v o l b e s t × a c c b e s t d e n i t + 1 × v o l i t + 1  
In Equation (17), a c c b e s t represents the acceleration of an object that is optimal with respect to fitness function. It is crucial to normalize the acceleration of each particle as it defines the step percentage that every particle might change and is given in the following expression:
a c c i n o r m t + 1 = u × ( a c c i t + 1 min ( a c c ) max ( a c c ) min ( a c c ) ) + l  
In this expression, l and u characterize the normalization range while the values that are correspondingly allotted are 0.1 and 0.9. When an object is further away from the global optima, then the value of the acceleration would be higher. The exploration phase is conducted or else the exploitation phase is implemented.
The position of the i t h particle gets upgraded in the exploration phase as follows:
x i t + 1 = x i t + C 1 × r a n d × a c c i n o r m t + 1 × d × ( x r a n d x i t )  
The location updating in the exploitation phase is formulated as follows:
x i t + 1 = x i t + F × C 2 × r a n d × a c c i n o r m t + 1 × d × ( T × x b e s t x i t )  
C1 is equal to 2, whereas C2 is equal to 6. T increases with time and is directly proportional to the Transfer Operator. It is defined using the equation, T = C 3 × TF. C 3 shows a constant number, x b e s t indicates the place of the optimum particle, and F represents the flag that is utilized to change the direction of particle movements. It can be determined using the following expression:
F = { + 1 i f P 0.5 1 i f P > 0.5  
where P = 2 × r a n d C 4 . Finally, the FF values are evaluated at the upgraded location.
The AOA methodology processes a FF to realize the enhanced classification results. It describes a positive integer to achieve a good performance of the candidate results. In this case, a minimized classifier error rate is assumed to be the FF as expressed in Equation (22):
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 u m b e r   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 u m b e r   o f   s a m p l e s 100  

4. Results and Discussion

The proposed model was simulated using the Python 3.6.5 tool on a PC configured with the following specifications: i5-8600k, GeForce 1050Ti 4GB, 16GB RAM, 250GB SSD, and 1TB HDD. The parameter settings are learning rate: 0.01, dropout: 0.5, batch size: 5, epoch count: 50, and activation: ReLU. The current section discusses the PCa classification results achieved by the proposed AOADLB-P2C model. The model was tested on a dataset comprising 400 samples under two classes, as defined in Table 1. Figure 3 depicts some of the sample images used in this study.
The confusion matrices generated by the proposed AOADLB-P2C model during different runs of execution are displayed in Figure 4. The figure highlights that the proposed AOADLB-P2C method recognized the images under the two classes accurately.
Table 2 and Figure 5 show the overall classification outcomes achieved by the proposed AOADLB-P2C model under five runs. The outcomes imply that the presented AOADLB-P2C model achieves enhanced outcomes under each run. For example, on run-1, the AOADLB-P2C model acquires an average a c c u b a l of 93%, s e n s y of 93%, s p e c y of 93%, F s c o r e of 93%, and a MCC of 86.07%. Meanwhile, on run-3, the proposed AOADLB-P2C method obtains an average a c c u b a l of 95%, s e n s y of 95%, s p e c y of 95%, F s c o r e of 95%, and a MCC of 90%. Eventually, on run-5, the proposed AOADLB-P2C approach acquires an average a c c u b a l of 99.50%, s e n s y of 99.50%, s p e c y of 99.50%, F s c o r e of 99.50%, and a MCC of 99%.
The TACC and VACC values achieved by the proposed AOADLB-P2C technique on PCa performance are shown in Figure 6. The figure infers that the proposed AOADLB-P2C approach exhibits an improved performance with increased TACC and VACC values. It is also noted that the AOADLB-P2C algorithm reaches the maximum TACC outcomes.
The TLS and VLS values accomplished by the proposed AOADLB-P2C technique on PCa performance are portrayed in Figure 7. The figure shows that the AOADLB-P2C approach exhibits a superior performance with minimal TLS and VLS values. It is to be noted that the proposed AOADLB-P2C methodology produces the lowest VLS outcomes.
In Table 3, the outcomes of the comprehensive comparative study achieved by the proposed AOADLB-P2C method and other recent models are given [10]. Figure 8 reports the results from the comparative a c c u y and F s c o r e inspection, attained by the proposed AOADLB-P2C method and other techniques. The results specify that the AOADLB-P2C method accomplish superior results over other models. In terms of a c c u y , the AOADLB-P2C model obtains a maximum a c c u y of 99.50% while the other models, including the NB, DT, SVM-Gaussian, SVM-RBF, and GoogleNet, obtain lower a c c u y values of 98.46%, 97.29%, 98.36%, 98.12%, and 98.28% respectively. In addition, based on the F s c o r e , the AOADLB-P2C technique achieves the highest F s c o r e of 99.50%, while the NB, DT, SVM-Gaussian, SVM-RBF, and GoogleNet approaches achieve lower F s c o r e values of 98.81%, 98.83%, 97.91%, 98.52%, and 98.69%, respectively.
Figure 9 illustrate the s e n s y and s p e c y analytical outcomes accomplished by the proposed AOADLB-P2C methodology and other existing approaches. The outcomes show that the AOADLB-P2C approach exhibits a superior performance over other techniques. In terms of s e n s y , the proposed AOADLB-P2C methodology attains a maximum s e n s y of 99.50%, while the NB, DT, SVM-Gaussian, SVM-RBF, and GoogleNet methods attain lower s e n s y values of 98.47%, 97.26%, 98.43%, 98.63%, and 98.28%, respectively. Likewise, in terms of s p e c y , the AOADLB-P2C technique attains a maximum s p e c y of 99.50%, whereas the NB, DT, SVM-Gaussian, SVM-RBF, and GoogleNet approaches attain lower s p e c y values of 98.641%, 98.47%, 98.54%, 97.89%, and 98.49%, respectively.
These results confirm the improved outcomes of the proposed AOADLB-P2C model on prostate cancer classification process. The enhanced performance of the proposed model is due to the inclusion of AMF-based pre-processing, DenseNet-161-based feature extraction, RMSProp optimizer, LS-SVM classification, and AOA-based hyperparameter tuning. Therefore, the proposed model can be employed for accurate PCa detection and classification using MRI images.

5. Conclusions

In this research work, the authors introduced a new AOADLB-P2C model for PCa diagnosis using MRI images. Initially, the AOADLB-P2C model pre-processes MRI images in two stages using AMF-based noise removal and contrast enhancement. Moreover, the RMSProp optimizer is applied with the DenseNet-161 model for the purpose of feature extraction. Finally, the presented AOADLB-P2C model classifies PCa using the AOA with the LS-SVM method. The presented AOADLB-P2C method was experimentally evaluated using a benchmark MRI dataset. The comparative simulation values confirmed the improved performance of the proposed AOADLB-P2C methodology over other recent methodologies, with a maximum accuracy of 99.50%. Hence, the presented AOADLB-P2C method can be employed for PCa classification. In the future, the efficiency of the AOADLB-P2C model can be improved using ensemble fusion models.

Author Contributions

Conceptualization, M.R.; Data curation, F.K.; Design, E.K.E.-S.; Computational framework, S.S.B.; Disease diagnosis, M.W.A.-R.; Medical imaging, R.A.M.; Methodology, M.R.; Formal analysis, F.K.; Investigation, E.K.E.-S.; Implementation, S.S.B.; Interpretation of results, R.A.M.; Visualization, M.W.A.-R.; Data analysis, M.R. and F.K.; Validation, E.K.E.-S. and S.S.B.; Writing original, M.R., F.K., E.K.E.-S.; Writing—review and editing, S.S.B., M.W.A.-R., and R.A.M.; Supervision, M.R. All authors reviewed the results and approved. All authors have read and agreed to the published version of the manuscript.

Funding

The Deanship of Scientific Research (DSR) at King Abdulaziz University (KAU), Jeddah, Saudi Arabia, funded this project under grant no. (PH: 030-145-1443).

Institutional Review Board Statement

Not Applicable.

Informed Consent Statement

Not Applicable.

Data Availability Statement

Data sharing is not applicable to this article as no datasets were generated during the current study.

Acknowledgments

The Deanship of Scientific Research (DSR) at King Abdulaziz University (KAU), Jeddah, Saudi Arabia, funded this project under grant no. (PH: 030-145-1443). Therefore, the authors thank the DSR for the technical and financial support.

Conflicts of Interest

The authors declare that they have no conflict of interest. The manuscript was written with contributions from all authors. All authors have given approval to the final version of the manuscript.

References

  1. Xie, W.; Reder, N.P.; Koyuncu, C.; Leo, P.; Hawley, S.; Huang, H.; Mao, C.; Postupna, N.; Kang, S.; Serafin, R.; et al. Prostate cancer risk stratification via non-destructive 3D pathology with deep learning-assisted gland analysis. Cancer Res. 2022, 82, 334. [Google Scholar] [CrossRef] [PubMed]
  2. Hartenstein, A.; Lübbe, F.; Baur, A.D.; Rudolph, M.M.; Furth, C.; Brenner, W.; Amthauer, H.; Hamm, B.; Makowski, M.; Penzkofer, T. Prostate cancer nodal staging: Using deep learning to predict 68Ga-PSMA-positivity from CT imaging alone. Sci. Rep. 2020, 10, 3398. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Liu, Y.; Zheng, H.; Liang, Z.; Miao, Q.; Brisbane, W.G.; Marks, L.S.; Raman, S.S.; Reiter, R.E.; Yang, G.; Sung, K. Textured-Based Deep Learning in Prostate Cancer Classification with 3T Multiparametric MRI: Comparison with PI-RADS-Based Classification. Diagnostics 2021, 11, 1785. [Google Scholar] [CrossRef] [PubMed]
  4. Tolkach, Y.; Dohmgörgen, T.; Toma, M.; Kristiansen, G. High-accuracy prostate cancer pathology using deep learning. Nat. Mach. Intell. 2020, 2, 411–418. [Google Scholar] [CrossRef]
  5. Iqbal, S.; Siddiqui, G.F.; Rehman, A.; Hussain, L.; Saba, T.; Tariq, U.; Abbasi, A.A. Prostate cancer detection using deep learning and traditional techniques. IEEE Access 2021, 9, 27085–27100. [Google Scholar] [CrossRef]
  6. Yoo, S.; Gujrathi, I.; Haider, M.A.; Khalvati, F. Prostate cancer detection using deep convolutional neural networks. Sci. Rep. 2019, 9, 19518. [Google Scholar] [CrossRef] [Green Version]
  7. Han, W.; Johnson, C.; Gaed, M.; Gómez, J.A.; Moussa, M.; Chin, J.L.; Pautler, S.; Bauman, G.S.; Ward, A.D. Histologic tissue components provide major cues for machine learning-based prostate cancer detection and grading on prostatectomy specimens. Sci. Rep. 2020, 10, 9911. [Google Scholar] [CrossRef]
  8. Yuan, Y.; Qin, W.; Buyyounouski, M.; Ibragimov, B.; Hancock, S.; Han, B.; Xing, L. Prostate cancer classification with multiparametric MRI transfer learning model. Med. Phys. 2019, 46, 756–765. [Google Scholar] [CrossRef]
  9. Arvidsson, I.; Overgaard, N.C.; Marginean, F.E.; Krzyzanowska, A.; Bjartell, A.; Åström, K.; Heyden, A. Generalization of prostate cancer classification for multiple sites using deep learning. In Proceedings of the 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, USA, 4–7 April 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 191–194. [Google Scholar]
  10. Ragab, M.; Albukhari, A.; Alyami, J.; Mansour, R.F. Ensemble deep-learning-enabled clinical decision support system for breast cancer diagnosis and classification on ultrasound images. Biology 2022, 11, 439. [Google Scholar] [CrossRef]
  11. Mansouri, R.A.; Ragab, M. Equilibrium Optimization Algorithm with Ensemble Learning Based Cervical Precancerous Lesion Classification Model. Healthcare 2023, 11, 55. [Google Scholar] [CrossRef]
  12. Ragab, M.; Ashary, E.B.; Sabir, M.F.S.; Bahaddad, A.A.; Mansour, R.F. Mathematical Modelling of Quantum Kernel Method for Biomedical Data Analysis. Cmc-Comput. Mater. Contin. 2022, 71, 5441–5457. [Google Scholar] [CrossRef]
  13. Abbasi, A.A.; Hussain, L.; Awan, I.A.; Abbasi, I.; Majid, A.; Nadeem, M.S.A.; Chaudhary, Q.A. Detecting prostate cancer using deep learning convolution neural network with transfer learning approach. Cogn. Neurodyn. 2020, 14, 523–533. [Google Scholar] [CrossRef] [PubMed]
  14. Liu, Z.; Yang, C.; Huang, J.; Liu, S.; Zhuo, Y.; Lu, X. Deep learning framework based on integration of S-Mask R-CNN and Inception-v3 for ultrasound image-aided diagnosis of prostate cancer. Future Gener. Comput. Syst. 2021, 114, 358–367. [Google Scholar] [CrossRef]
  15. Hassan, M.R.; Islam, M.F.; Uddin, M.Z.; Ghoshal, G.; Hassan, M.M.; Huda, S.; Fortino, G. Prostate cancer classification from ultrasound and MRI images using deep learning based Explainable Artificial Intelligence. Future Gener. Comput. Syst. 2022, 127, 462–472. [Google Scholar] [CrossRef]
  16. Toledo-Cortés, S.; Useche, D.H.; Müller, H.; González, F.A. Grading diabetic retinopathy and prostate cancer diagnostic images with deep quantum ordinal regression. Comput. Biol. Med. 2022, 145, 105472. [Google Scholar] [CrossRef]
  17. Alam, M.; Tahernezhadi, M.; Vege, H.K.; Rajesh, P. A machine learning classification technique for predicting prostate cancer. In Proceedings of the 2020 IEEE International Conference on Electro Information Technology (EIT), Chicago, IL, USA, 31 July–1 August 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 228–232. [Google Scholar]
  18. Zhong, X.; Cao, R.; Shakeri, S.; Scalzo, F.; Lee, Y.; Enzmann, D.R.; Wu, H.H.; Raman, S.S.; Sung, K. Deep transfer learning-based prostate cancer classification using 3 Tesla multi-parametric MRI. Abdom. Radiol. 2019, 44, 2030–2039. [Google Scholar] [CrossRef]
  19. Wang, Y.; Wang, M. Selecting proper combination of mpMRI sequences for prostate cancer classification using multi-input convolutional neuronal network. Phys. Med. 2020, 80, 92–100. [Google Scholar] [CrossRef]
  20. Poojitha, U.P.; Sharma, S.L. Hybrid unified deep learning network for highly precise Gleason grading of prostate cancer. In Proceedings of the 2019 41st Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Berlin, Germany, 23–27 July 2020; IEEE: Piscataway, NJ, USA, 2019; pp. 899–903. [Google Scholar]
  21. Salciccia, S.; Capriotti, A.L.; Laganà, A.; Fais, S.; Logozzi, M.; De Berardinis, E.; Busetto, G.M.; Di Pierro, G.B.; Ricciuti, G.P.; Del Giudice, F.; et al. Biomarkers in prostate cancer diagnosis: From current knowledge to the role of metabolomics and exosomes. Int. J. Mol. Sci. 2021, 22, 4367. [Google Scholar] [CrossRef]
  22. Busetto, G.M.; Giovannone, R.; Antonini, G.; Rossi, A.; Del Giudice, F.; Tricarico, S.; Ragonesi, G.; Gentile, V.; De Berardinis, E. Short-term pretreatment with a dual 5α-reductase inhibitor before bipolar transurethral resection of the prostate (B-TURP): Evaluation of prostate vascularity and decreased surgical blood loss in large prostates. BJU Int. 2015, 116, 117–123. [Google Scholar] [CrossRef] [Green Version]
  23. Ferro, M.; de Cobelli, O.; Musi, G.; Del Giudice, F.; Carrieri, G.; Busetto, G.M.; Falagario, U.G.; Sciarra, A.; Maggi, M.; Crocetto, F.; et al. Radiomics in prostate cancer: An up-to-date review. Ther. Adv. Urol. 2022, 14, 17562872221109020. [Google Scholar] [CrossRef]
  24. Massanova, M.; Robertson, S.; Barone, B.; Dutto, L.; Caputo, V.F.; Bhatt, J.R.; Ahmad, I.; Bada, M.; Obeidallah, A.; Crocetto, F. The comparison of imaging and clinical methods to estimate prostate volume: A single-centre retrospective study. Urol. Int. 2021, 105, 804–810. [Google Scholar] [CrossRef] [PubMed]
  25. Gao, Z. December. An adaptive median filtering of salt and pepper noise based on local pixel distribution. In Proceedings of the 2018 International Conference on Transportation & Logistics, Information & Communication, Smart City (TLICSC 2018), Berlin, Germany, 30–31 October 2018; Atlantis Press: Chengdu, China, 2018; pp. 473–483. [Google Scholar]
  26. Ramadan, M.K.; Youssif, A.A.; El-Behaidy, W.H. Detection and Classification of Human-Carrying Baggage Using DenseNet-161 and Fit One Cycle. Big Data Cogn. Comput. 2022, 6, 108. [Google Scholar] [CrossRef]
  27. Zhang, C.; Yao, M.; Chen, W.; Zhang, S.; Chen, D.; Wu, Y. Gradient descent optimization in deep learning model training based on multistage and method combination strategy. Secur. Commun. Netw. 2021, 2021, 9956773. [Google Scholar] [CrossRef]
  28. Leong, W.C.; Bahadori, A.; Zhang, J.; Ahmad, Z. Prediction of water quality index (WQI) using support vector machine (SVM) and least square-support vector machine (LS-SVM). Int. J. River Basin Manag. 2021, 19, 149–156. [Google Scholar] [CrossRef]
  29. Hashim, F.A.; Hussain, K.; Houssein, E.H.; Mabrouk, M.S.; Al-Atabany, W. Archimedes optimization algorithm: A new metaheuristic algorithm for solving optimization problems. Appl. Intell. 2021, 51, 1531–1551. [Google Scholar] [CrossRef]
  30. Fathy, A.; Alharbi, A.G.; Alshammari, S.; Hasanien, H.M. Archimedes optimization algorithm based maximum power point tracker for wind energy generation system. Ain Shams Eng. J. 2022, 13, 101548. [Google Scholar] [CrossRef]
Figure 1. Overall working process of the AOADLB-P2C system.
Figure 1. Overall working process of the AOADLB-P2C system.
Healthcare 11 00590 g001
Figure 2. SVM hyperplane.
Figure 2. SVM hyperplane.
Healthcare 11 00590 g002
Figure 3. Sample images.
Figure 3. Sample images.
Healthcare 11 00590 g003
Figure 4. Confusion matrices of the proposed AOADLB-P2C system: (a) Run-1, (b) Run-2, (c) Run-3, (d) Run-4, and (e) Run-5.
Figure 4. Confusion matrices of the proposed AOADLB-P2C system: (a) Run-1, (b) Run-2, (c) Run-3, (d) Run-4, and (e) Run-5.
Healthcare 11 00590 g004
Figure 5. Average analysis of the AOADLB-P2C system: (a) Run-1, (b) Run-2, (c) Run-3, (d) Run-4, and (e) Run-5.
Figure 5. Average analysis of the AOADLB-P2C system: (a) Run-1, (b) Run-2, (c) Run-3, (d) Run-4, and (e) Run-5.
Healthcare 11 00590 g005
Figure 6. TACC and VACC analytical results of the AOADLB-P2C system.
Figure 6. TACC and VACC analytical results of the AOADLB-P2C system.
Healthcare 11 00590 g006
Figure 7. TLS and VLS analytical results of the proposed AOADLB-P2C system.
Figure 7. TLS and VLS analytical results of the proposed AOADLB-P2C system.
Healthcare 11 00590 g007
Figure 8. A c c u y and F s c o r e analytical results of the AOADLB-P2C system and other recent approaches.
Figure 8. A c c u y and F s c o r e analytical results of the AOADLB-P2C system and other recent approaches.
Healthcare 11 00590 g008
Figure 9. S e n s y and S p e c y analytical results of the proposed AOADLB-P2C system and other recent approaches.
Figure 9. S e n s y and S p e c y analytical results of the proposed AOADLB-P2C system and other recent approaches.
Healthcare 11 00590 g009
Table 1. Dataset details.
Table 1. Dataset details.
ClassNo. of Instances (Balanced)
Prostate200
Brachytherapy200
Total Number of Instances400
Table 2. Analytical results of the AOADLB-P2C system under distinct measures and runs.
Table 2. Analytical results of the AOADLB-P2C system under distinct measures and runs.
ClassAccuracybalSensitivitySpecificityF-ScoreMCC
Run-1
Prostate91.0091.0095.0092.8686.07
Brachytherapy95.0095.0091.0093.1486.07
Average93.0093.0093.0093.0086.07
Run-2
Prostate93.5093.5095.5094.4489.02
Brachytherapy95.5095.5093.5094.5589.02
Average94.5094.5094.5094.5089.02
Run-3
Prostate94.5094.5095.5094.9790.00
Brachytherapy95.5095.5094.5095.0290.00
Average95.0095.0095.0095.0090.00
Run-4
Prostate99.5099.5096.5098.0396.04
Brachytherapy96.5096.5099.5097.9796.04
Average98.0098.0098.0098.0096.04
Run-5
Prostate99.0099.00100.0099.5099.00
Brachytherapy100.00100.0099.0099.5099.00
Average99.5099.5099.5099.5099.00
Table 3. Comparative analytical results of the proposed AOADLB-P2C system and other recent approaches.
Table 3. Comparative analytical results of the proposed AOADLB-P2C system and other recent approaches.
MethodsAccuracySensitivitySpecificityF-Score
AOADLB-P2C99.5099.5099.5099.50
Naïve Bayes98.4698.4798.6498.81
DT Model97.2997.2698.4798.83
SVM-Gaussian Model98.3698.4398.5497.91
SVM-RBF Model98.1298.6397.8998.52
GoogleNet98.2898.2898.4998.69
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

Ragab, M.; Kateb, F.; El-Sawy, E.K.; Binyamin, S.S.; Al-Rabia, M.W.; A. Mansouri, R. Archimedes Optimization Algorithm with Deep Learning-Based Prostate Cancer Classification on Magnetic Resonance Imaging. Healthcare 2023, 11, 590. https://doi.org/10.3390/healthcare11040590

AMA Style

Ragab M, Kateb F, El-Sawy EK, Binyamin SS, Al-Rabia MW, A. Mansouri R. Archimedes Optimization Algorithm with Deep Learning-Based Prostate Cancer Classification on Magnetic Resonance Imaging. Healthcare. 2023; 11(4):590. https://doi.org/10.3390/healthcare11040590

Chicago/Turabian Style

Ragab, Mahmoud, Faris Kateb, E. K. El-Sawy, Sami Saeed Binyamin, Mohammed W. Al-Rabia, and Rasha A. Mansouri. 2023. "Archimedes Optimization Algorithm with Deep Learning-Based Prostate Cancer Classification on Magnetic Resonance Imaging" Healthcare 11, no. 4: 590. https://doi.org/10.3390/healthcare11040590

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