Next Article in Journal
Portable Iontophoresis Device for Efficient Drug Delivery
Next Article in Special Issue
Deep Feature Engineering in Colposcopy Image Recognition: A Comparative Study
Previous Article in Journal
Bone Morphogenetic Protein 2 Promotes Bone Formation in Bone Defects in Which Bone Remodeling Is Suppressed by Long-Term and High-Dose Zoledronic Acid
Previous Article in Special Issue
A High-Accuracy Detection System: Based on Transfer Learning for Apical Lesions on Periapical Radiograph
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Artificial Hummingbird Algorithm with Transfer-Learning-Based Mitotic Nuclei Classification on Histopathologic Breast Cancer Images

by
Areej A. Malibari
1,
Marwa Obayya
2,
Abdulbaset Gaddah
3,
Amal S. Mehanna
4,
Manar Ahmed Hamza
5,*,
Mohamed Ibrahim Alsaid
5,
Ishfaq Yaseen
5 and
Amgad Atta Abdelmageed
5
1
Department of Industrial and Systems Engineering, College of Engineering, Princess Nourah bint Abdulrahman University, Riyadh 11671, Saudi Arabia
2
Department of Biomedical Engineering, College of Engineering, Princess Nourah bint Abdulrahman University, Riyadh 11671, Saudi Arabia
3
Department of Computer Sciences, College of Computing and Information System, Umm Al-Qura University, Mekkah 24211, Saudi Arabia
4
Department of Digital Media, Faculty of Computers and Information Technology, Future University in Egypt, New Cairo 11845, Egypt
5
Department of Computer and Self Development, Preparatory Year Deanship, Prince Sattam bin Abdulaziz University, Al-Kharj 16278, Saudi Arabia
*
Author to whom correspondence should be addressed.
Bioengineering 2023, 10(1), 87; https://doi.org/10.3390/bioengineering10010087
Submission received: 16 October 2022 / Revised: 9 December 2022 / Accepted: 13 December 2022 / Published: 9 January 2023
(This article belongs to the Special Issue Artificial Intelligence in Medical Image Processing and Segmentation)

Abstract

:
Recently, artificial intelligence (AI) is an extremely revolutionized domain of medical image processing. Specifically, image segmentation is a task that generally aids in such an improvement. This boost performs great developments in the conversion of AI approaches in the research lab to real medical applications, particularly for computer-aided diagnosis (CAD) and image-guided operation. Mitotic nuclei estimates in breast cancer instances have a prognostic impact on diagnosis of cancer aggressiveness and grading methods. The automated analysis of mitotic nuclei is difficult due to its high similarity with nonmitotic nuclei and heteromorphic form. This study designs an artificial hummingbird algorithm with transfer-learning-based mitotic nuclei classification (AHBATL-MNC) on histopathologic breast cancer images. The goal of the AHBATL-MNC technique lies in the identification of mitotic and nonmitotic nuclei on histopathology images (HIs). For HI segmentation process, the PSPNet model is utilized to identify the candidate mitotic patches. Next, the residual network (ResNet) model is employed as feature extractor, and extreme gradient boosting (XGBoost) model is applied as a classifier. To enhance the classification performance, the parameter tuning of the XGBoost model takes place by making use of the AHBA approach. The simulation values of the AHBATL-MNC system are tested on medical imaging datasets and the outcomes are investigated in distinct measures. The simulation values demonstrate the enhanced outcomes of the AHBATL-MNC method compared to other current approaches.

1. Introduction

Mitosis can be defined as a process of cell cycle where a replicated chromosome is split into dual new nuclei that produce genetically identical cells which retain the chromosome number. This method can be split into four phases: telophase, prophase, metaphase, and anaphase. It culminates into two daughter nuclei that are genetically identical [1]. Then, the cell might perform division by cytokinesis to produce dual daughter cells. Producing more than three daughter cells rather than two normal cells is a mitotic fault that might tempt mutations or apoptosis, initiating specific kinds of cancer [2]. In the tissue samples, haematoxylin and eosin (H&E)-stained slides lead to histopathology images where mitosis rate is a significant parameter to determine the tumor aggressiveness, especially breast tumor, and recognition of a typical way of mitosis is utilized as a prognostic and diagnostic marker. Breast tumor is the main factor that leads to higher mortality amongst women and is a frequently diagnosed tumor amongst females; if diagnosed at earlier stages, tit can be the most curable form of tumor [3]. Breast tumor, where survival rate is under 40% in lower-income nations, is the primary tumor type in females globally that costs a great number of lives per annum. As stated by the National Tumor Institution, up to 20% of each breast tumor fails to be found by X-ray mammography (using ionizing radiation) [4]. Mitosis count assists in tumor diagnosis and provides an assessment of tumor aggressiveness that assists in tumor grading. The high number of mitotic cells in a region represents fast-growing or higher-grade tumor.
The visual detection of mitotic nuclei through pathologists is a time-intensive and subjective job with poor reproducibility because of many difficulties. Mitotic nuclei are hyperchromatic objects having different morphological sizes and shapes [5]. Furthermore, the occurrence of mitotic nuclei differs according to tumor stage and tumor grade. In aggressive tumors, generally, mitotic nuclei are nondifferentiable and appear in smaller sizes with higher frequency. The accurate detection of mitotic nuclei depends on the experience and knowledge of the pathologist [6]. Object-level interobserver analysis exposes pathologist disagreement on individual objects. The limitation of manual workflows generates the necessity to automate the count of mitotic nuclei to enhance the decision of the pathologist [7]. For the development of the detection of mitotic nuclei in histopathology images, thus far, various methods have been introduced based on segmentation, classification, and detection methods [8]. The current approaches frequently exploit data balancing methods, namely, rotation, translation, and mirror imaging-oriented techniques for augmenting mitotic examples. Likewise, various researchers implemented a two-step recognition technique to reduce class imbalance and enhance precision [9]. With regard to the complicated nature of mitoses, several research workers used the method of ensemble learning, while few approaches simultaneously trained two deep learning (DL) models to make the concluding decision.
This study designs an artificial hummingbird algorithm with transfer-learning-based mitotic nuclei classification (AHBATL-MNC) on histopathologic breast cancer images. The goal of the AHBATL-MNC technique lies in identification of mitotic and nonmitotic nuclei on histopathology images (HIs). For HI segmentation process, the PSPNet model is utilized to identify the candidate mitotic patches. Next, the residual network (ResNet) model is employed as feature extractor, and the extreme gradient boosting (XGBoost) model is applied as a classifier. To enhance the classification performance, the parameter tuning of the XGBoost model takes place, utilizing the AHBA algorithm. The simulation values of the AHBATL-MNC approach are tested on a medical imaging dataset and the results are investigated in distinct measures.

2. Related Works

Shwetha and Dharmanna [10] modeled a new technique for automatic identification and detection by DL model. In this presented technique, the work can be split into five phases. In the initial phase, histopathological images are preprocessed to boost the contrast of the nonmitotic and mitotic cells through image adjustment method. In the next phase, using Otsu segmentation method, the background and foreground are divided. In [11], the author devised a new structure called SmallMitosis for identifying mitotic cells that are very small in size undergoing mitosis out of the H&E-stained breast histological images. SmallMitosis structure has a deep multiscale (MS-RCNN) detector and an atrous fully convolution-oriented segmentation (A-FCN) method. In the A-FCN technique, the atrous convolution concept aids in predict bounding box annotations and mitosis masks of very-small-sized mitotic cells.
Sohail et al. [12] devised an innovative deep convolutional neural network (DCNN)-related heterogeneous ensemble method, “DHE-Mit-Classifier”, for examining mitotic nuclei in breast histopathological imageries. Sebai et al. [13] proposed an accurate and robust algorithm for detecting mitoses automatically from histology breast cancer slides by making use of the multitask DL structure for instance segmentation mask region-based convolutional neural network (RCNN) and object detection. Lei et al. [14] devised an accurate and fast approach to automatically identify mitosis from histopathology images. This presented algorithm is capable of detecting the mitotic candidates automatically from histological units for mitosis screening. In particular, this technique uses DCNN for extracting high-level features of mitosis to find mitotic applicants. After that, the author employed spatial attention elements to re-encode mitotic features that enabled the method to very effectively study features.
Das and Dutta [15] introduced an innovative technique for mitotic cell recognition in breast histology images, exploiting wavelet decomposed image patches and DCNN. In this method, Haar wavelet is used to formulate a DCNN technique for automatic recognition of mitotic cells. The decomposition step reduces convolutional period for mitotic cell recognition related to the usage of raw image patches in traditional DCNN approaches. Beevi et al. [16] explored the feasibility of transfer learning (TL) for mitosis recognition. A pretrained convolutional neural network (CNN) was shown by merging RF method with the initial FC layers for deriving discriminant features from nuclei patches and to accurately prognosticate class labels of cell nuclei. The altered CNN precisely categorizes the identified cell nuclei with limited trained datasets. This structure would establish maximum classifier accuracy by prudently preprocessing the extracted features and fine-tuning the pretrained methods.

3. The Proposed Mitotic Nuclei Classification Model

In this study, we develop a new AHBATL-MNC technique for effective identification of mitotic and nonmitotic nuclei on HIs. The presented AHBATL-MNC technique encompasses a series of processes, namely, PSPNet segmentation, ResNet feature extraction, XGBoost classification, and AHBA parameter tuning. Figure 1 defines the overall work flow of the AHBATL-MNC system.

3.1. Segmentation Process

In the AHBATL-MNC technique, the PSPNet model is utilized for segmentation process. PSPNet is the renowned network architecture for semantic segmentations [17]. The PSPNet was initially introduced for scene parsing. To aggregate multiscale contextual datasets, one pyramid pooling network (PPM) was introduced in PSPNet. At first, max pooling is enforced to generate a feature map using three pyramid scales that can be attained by Equation (1), wherein FDS and λ , correspondingly, signify input and downsampling method through max pooling, and stride of m a x pooling layer can also be attained using Equation (2):
F j = D S ( F , λ j . ) j = 1,2 , 3
w - λ j λ j + 1 = 0 j λ j = w o j
whereas w and 0 signify input and output size of feature maps.
After applying convolution method to these multiscale feature maps, bilinear interpolation can be performed to resize feature maps, whereas W j T and b j , correspondingly, denote the weight and bias of j - t h   1 × 1 convolutional layer, and B I ( . ) denotes the bilinear interpolation.
O j = B I W j T F j + b j j = 1,2 , 3
Likewise, the feature maps having the new input and pyramid scale were concatenated, and 1 × 1 convolution was implemented to reduce channel number of output, whereas W j T and b j demonstrate weight and bias of the 1 × 1 convolution layer.
C = W r d T c o n c a t F , O 1 , O 2 , O 3 + b r d
Dissimilar to the original PPM, feature maps having four pyramid scales, which include 1, 2, 3, and 6, are constructed by the new PPM, whereas feature maps having three pyramid scales, including 1, 2, and 6, are constructed by m a x pooling.
Furthermore, the 1 × 1 convolution layer is interconnected with the concatenation layer for dimensionality reduction.
Based on the UNet structure, a multilevel PSPNet is introduced as the decoder. The 1, 2, and 3 attention gates are enforced to correspondingly generate initial convolutional layer and the attention maps of third and fifth identity blocks. In addition, to incorporate multilevel features, the attention gate and the output of PPM are concatenated densely with the following equation:
Y j = c o n c a t U S C j , 3 M - o u t p u t j j = 1,2 , 3

3.2. Feature Extraction Process

In this study, the ResNet model was employed as feature extractor. We adapted the CNN, ResNet50, to characterize the image, and the deep network has 50 layers [18]. The depth of network was crucial for neural network (NN), but a deep network can be tough to train. The ResNet50 infrastructure facilitates the network training and permits it to be deeper which leads to enhanced efficacy in diverse tasks. ResNet50 is deeper than simple counterparts, but parameter count of these networks is smaller. A DCNN resulted in a series of breakthroughs for image classification. Many nontrivial visual detection techniques have benefitted from deep methods. Once the network depth rises, performance of the network degrades quickly (saturated) and rapidly increases. Meanwhile, deep networks have large representation power. It can be possible for ResNet50 to accomplish a deep model that is not worse than lesser deep networks. It is implemented by adding numerous identity layers, viz., levels that skip signal without further amendment. ResNet50 deep level has to predict variations amongst the main function and outcome of the previous layer.
The method considers the image and generates the caption, encrypted as a series of 1 - K codewords.
y = y 1 , y 2 , , y c , y j R K
From the expression, K indicates the dictionary size and c represents caption length. The extractor will produce L -vectors, each having D -dimensional representation of the image.
The hyperparameter tuning of the ResNet model is performed by the Adamax optimizer [19]. It is an amended form of the Adam optimizer where the distributed variance is projected . In addition, the maximized weight can be determined as follows:
w t i = w t - 1 i - η v t + ϵ × m ^ t
whereas
m ^ t = m t 1 - β 1 t
v t = m a x ( β 2 × v t - 1 , | G t | )
m t = β 1 m t - 1 + ( 1 - β 1 ) G
G = w C w t
From the expression, η denotes the rate of learning, w t refers to the weights at steps t ,   C . signifies the cost function, and w C w t suggests the gradient of weight variable w t   x and equal label y . β i is employed to select the data needed for older upgrades, when β i [ 0 , 1 ] .   m t and v t are the first and second moments as explained in Algorithm 1.
Algorithm 1: Pseudocode of Adamax
η : Rate of Learning
β 1 , β 2   [ 0 , 1): Exponential decomposed values to moment candidate
C w : Cost function with w variable
w 0 : parameter vector
m 0 0
u 0 0
i 0 (Implement time step)
while w does not converge do
               i i + 1
        m i β 1 × m i - 1 + ( 1 - β 1 ) × C w w i
          u i m a x β 2 × u i - 1 , C w w i
w i + 1 w i - ( η / ( 1 - β 1 i ) ) × m i / u i
end while
show w i (end parameter)

3.3. Optimal Classification Process

Finally, the XGBoost model is exploited for classification purposes. XGBoost is used to classify the regression tree model that comes from the gradient lifting decision tree (DT) [20]. The presented algorithm is used for the pedestrian detection classifier. Firstly, it learns a tree from a sample to attain the initial assessment outcome Y 1 , and then learns with y based on the variance between the predictive and the real labels in the prior step. Likewise, the model error can be reduced successfully. Equations (4)–(8) provide the assessment flow of XGBoost training. The subsequent formula is to evaluate the target of n - t h tree models. The primary behavior determines a regularization term that could decrease overfitting to enhance the generalization ability. Taylor’s expansion has first and second derivatives and constant terms.
Among them, the objective function of every round is evaluated as follows, and f t can be selected for minimizing the main function, viz., the error between actual outcome and the predictive outcome is decreased after adding f t . Here, l represents the error function and Ω denotes a regularization term, the error function tries to fit the training dataset, and the regularization term encourages a simple method. The randomness of the outcomes of the finite data fitting is very small, which is not easy for overfitting, making the prediction of the concluding model more stable.
O b j ( t ) = i = 1 n l y i , y ^ i t - 1 + f t x i + Ω f i + c o n s t a n t
Once the error function l is not a square error, the first three terms of the Taylor equation are utilized for approximating original objective function.
O b j ( t ) = i = 1 n [ l ( y i , y ^ t - 1 ) + g i f t ( x t ) + 1 2 h l f t 2 ( x i ) ] + Ω ( f t ) + c o n s t a n t
where g i and h i refer to the initial and second derivatives of the error function.
g i = y ^ i t - 1 l ( y i , y ^ t - 1 )
h i = y ^ i t - 1 2 l ( y i , y ^ i t - 1 )
Next, we eliminate the constant terms, such as the variance between real value and predicted value of the previous round.
O b j ( t ) = i = 1 n [ g l f t ( x i ) + 1 2 h ι f t 2 ( x i ) ] + Ω ( f t )
According to the realization of XGBoost, the model initially ranks the eigenvalue, since the tree model should define the better segmentation points and later store them in numbers of blocks. This architecture is reutilized in later iterations, which significantly decreases the computation difficulty. Furthermore, the data gain of every feature should be evaluated in the procedure of node splitting, hence the computation of data gain is parallelized through the data structure.
For improving the classification performance, the parameter tuning of the XGBoost model is performed by the AHBA technique. AHBA is a population-related metaheuristic approach that primarily simulates three foraging behaviors of hummingbirds (HB): migratory, guided, and territorial foraging [21]. In the foraging process, the three flight skills include axial, diagonal, and modeled-omnidirectional flights. Simultaneously, an access table simulating HB remarkable memory capability is created for guiding HB to carry out global optimization. The three flying skills are described in the following: the flight skill simulation is expanded to d-D space with axial flight and can be given in Equation (17):
D ( i ) = 1 if   i = r a n d i ( [ 1 , d ] ) i = 1 , , d 0                                             e l s e
Diagonal flight can be determined by Equation (18):
D ( i ) = 1 , i f   i = p ( j ) P = r a n d p e r m ( k ) , k [ 2 , r 1 ( d - 2 ) + 1 ] 0 , e l s e .
Omnidirectional flight is defined below:
D ( i ) = 1 i = 1 , , d
In Equation (19), r a n d i ( [ 1 , d ] ) creates a random number from 1 to d ,   r a n d p e r m ( k ) generates a random permutation of integer from 1 to k , and r 1 indicates a random integer that ranges from zero to one. First, the AHA initializes a visiting table and a set of random solutions. In all the iterations, territorial or guided foraging can be carried out 50% of the time. Hummingbirds move toward the food sources using guided foraging, viz., depending on a visiting table and nectar filling rate. Territorial foraging enables HBs to find new food sources as candidates and easily move toward the neighboring region within their territory. Migration foraging can be performed in each of two iterations. Until the stopping condition is met, each operation and calculation are interactively performed. At last, the food source with the maximum rate of nectar refilling is returned as near-global optimal.
(1)
A population of n HBs is initialized at random to n food source in the following:
χ j = L o w + r × ( U p - L o w ) i = 1 , n
In Equation (20), Low and U p indicate the lower and upper limitations for d -dimension problems, correspondingly; r refers to a random integer within the range of zero and one; x i signifies the location of the i - t h food sources.
V T i , j = 0 i f i j n u l l i = j
where i = j ,   V T i , j = n u l l shows that an HB takes food from a certain food source; i j ,   V T i , j = 0 denotes that the j - t h food sources were visited by i - t h HB in the present iteration.
(2)
Guided foraging: With the abovementioned flight abilities, an HB could access its targeted food sources to attain candidate food source, hence the following mathematical expression simulates candidate food source and guiding foraging behaviors:
v i t + 1 = x i , t a r t + a × D × ( x i t - x i , t a r t )
a N 0,1
From the expression, x i ( t ) and x i , t a r ( t ) are the position of i - t h hummingbird food and target source at t time; a is distributed uniformly, with standard deviation of 1 and mean = 0 .
The location updating of i - t h food sources is given below:
x i t + 1 = χ i ( t ) f ( χ i ( t ) ) f ( v j ( t + 1 ) ) v i ( t + 1 ) f ( x i ( t ) ) > f ( v i ( t + 1 ) )
In Equation (24), f ( · ) denotes function fitness value. Equation (24) represents that if the nectar refilling rate of candidate food sources is superior to the present one, the HB will abandon the existing food source and stay at a candidate one for feeding.
(3)
Territorial foraging: After attaining targeted food sources where nectar was eaten, an HB seeks innovative food sources. Thus, an HB could move towards a neighboring region within its own territory whereby a novel food source is found that is the best candidate solution. The mathematical expression to stimulate local search of an HB for territorial foraging strategy and candidate food source is shown below:
v i t + 1 = x i t + b × D × x i t
b N 0,1
Now, b is distributed uniformly, with a standard deviation of 1 and mean = 0.
(4)
Once food becomes frequently scarce in a territory visited by an HB, the bird frequently migrates to more distant food sources for foraging.

4. Results and Discussion

The proposed model is simulated using Python 3.6.5 tool on PC i5-8600k, GeForce 1050Ti 4 GB, 16 GB RAM, 250 GB SSD, and 1 TB HDD. The parameter settings are given as follows: learning rate: 0.01, dropout: 0.5, batch size: 5, epoch count: 50, and activation: ReLU. The experimental validation of the AHBATL-MNC method on mitosis cell classification is tested using a dataset [22] that has 150 images and two classes, as represented in Table 1. Figure 2 depicts some sample images of mitosis and nonmitosis.
The binary classification outcomes of the AHBATL-MNC method on the applied dataset are portrayed in the form of confusion matrix in Figure 3. On 60% of the training (TR) database, the AHBATL-MNC model detected 39 samples into mitosis class and 42 samples into nonmitosis class. Meanwhile, on 40% of the testing (TS) database, the AHBATL-MNC method detected 29 samples into mitosis class and 29 samples into nonmitosis class. Eventually, on 70% of the TR database, the AHBATL-MNC system detected 42 samples into mitosis class and 55 samples into nonmitosis class. Finally, on 30% of the TS database, the AHBATL-MNC algorithm detected 22 samples into mitosis class and 19 samples into nonmitosis class.
In Table 2, overall mitosis classification results of the AHBATL-MNC model under 60% of TR and 40% of TS databases are given. Figure 4 exhibits the detailed classifier outcome of the AHBATL-MNC model on 60% of the TR database. The outcomes depict that the AHBATL-MNC model properly classified mitosis and nonmitosis class images. It is noted that the AHBATL-MNC model attained average a c c u b a l of 89.97%, p r e c n of 90.03%, r e c a l of 89.93%, F s c o r e of 89.99%, MCC of 80%, and G m e a s u r e of 89.99%.
Figure 5 reveals a comprehensive classifier outcome of the AHBATL-MNC system on 40% of the TS database. The outcomes show that the AHBATL-MNC approach properly classified the mitosis and nonmitosis class images. It can be seen that the AHBATL-MNC method reached average a c c u b a l of 96.77%, p r e c n of 96.77%, r e c a l of 96.77%, F s c o r e of 96.67%, MCC of 93.55%, and G m e a s u r e of 96.72%.
In Table 3, the overall mitosis classification outcome of the AHBATL-MNC algorithm under 70% of the TR and 30% of the TS databases is given. Figure 6 demonstrates the detailed classifier outcome of the AHBATL-MNC method on 70% of the TR database. The outcomes represent that the AHBATL-MNC system properly classified the mitosis and nonmitosis class images. It is clear that the AHBATL-MNC methodology obtained average a c c u b a l of 92%, p r e c n of 93.65%, r e c a l of 92%, F s c o r e of 92.26%, MCC of 85.63%, and G m e a s u r e of 92.54%.
Figure 7 shows a brief classifier outcome of the AHBATL-MNC approach on 30% of the TS database. The outcome demonstrates that the AHBATL-MNC algorithm properly classified the mitosis and nonmitosis class images. It can be stated that the AHBATL-MNC algorithm accomplished average a c c u b a l of 91.50%, p r e c n of 91.01%, r e c a l of 91.50%, F s c o r e of 91.07%, MCC of 82.51%, and G m e a s u r e of 91.16%.
The training accuracy (TACC) and validation accuracy (VACC) of the AHBATL-MNC system are inspected on breast cancer performance in Figure 8. The figure reveals that the AHBATL-MNC approach shows improved performance with improved values of TACC and VACC. It is noticeable that the AHBATL-MNC system gained higher TACC outcomes.
The training loss (TLS) and validation loss (VLS) of the AHBATL-MNC methodology are tested on breast cancer performance in Figure 9. The figure points out that the AHBATL-MNC algorithm revealed better performance with lower values of TLS and VLS. It is observable that the AHBATL-MNC methodology resulted in minimal VLS outcomes.
Table 4 reports an overall comparative inspection of the AHBATL-MNC method with recent approaches [13]. Figure 10 offers a comparative inspection of the AHBATL-MNC method in terms of a c c u y and F s c o r e . The outcomes indicate that the AHBATL-MNC method achieved improved performance. For instance, based on a c c u y , the AHBATL-MNC model obtained higher a c c u y of 96.77%. In contrast, the DHE-Mit, DenseNet-201, and ResNet-18 models attained lower a c c u y of 85.23%, 83.96%, and 82.01%, respectively. Eventually, with respect to F s c o r e , the AHBATL-MNC approach gained maximal F s c o r e of 96.67%. In contrast, the DHE-Mit, DenseNet-201, and ResNet-18 systems obtained decreased F s c o r e of 77.33%, 76.38%, and 74.05%, correspondingly.
Figure 11 provides a comparative examination of the AHBATL-MNC approach with respect to p r e c n and r e c a l . The outcomes state that the AHBATL-MNC approach gained enhanced performance. For example, in terms of p r e c n , the AHBATL-MNC model obtained higher p r e c n of 96.77%. In contrast, the DHE-Mit, DenseNet-201, and ResNet-18 models attained lower p r e c n of 84.45%, 83.20%, and 81.26%, correspondingly. Finally, with respect to r e c a l , the AHBATL-MNC model gained enhanced r e c a l of 96.77%. In contrast, the DHE-Mit, DenseNet-201, and ResNet-18 methods accomplished lower r e c a l of 75.26%, 73.85%, and 71.73%, respectively.
Table 5 offers a detailed computation time (CT) examination of the proposed model with existing models. The experimental results indicate that the proposed model shows better performance with minimum CT of 12.34 s. On the contrary, the existing models attained increased CT values compared to the AHBATL-MNC model. These results confirm the improvement of the AHBATL-MNC model over other models. The proposed model accomplished superior performance to other existing techniques due to the hyperparameter selection of ResNet using Adamax optimizer and AHBA for XGBoost classifier.

5. Conclusions

In this study, we developed a new AHBATL-MNC technique for effective identification of mitotic and nonmitotic nuclei on His. Primarily, in the AHBATL-MNC technique, the PSPNet model is utilized for segmentation process, which identifies the candidate mitotic patches. Followed by this, the ResNet model is employed as feature extractor, and the XGBoost model is applied as a classifier. For improving the classification performance, the parameter tuning of the XGBoost model was performed by the AHBA technique. The performance evaluation of the AHBATL-MNC technique was tested on medical imaging datasets and the outcomes were examined in distinct measures. The simulation values validated the improved outcomes of the AHBATL-MNC algorithm over other recent approaches. In future, the performance of the AHBATL-MNC method can be improved by the use of ensemble learning methodologies. In addition, the proposed model needs to be tested on large-scale databases and can be extended to detect other kinds of cancer.

Author Contributions

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

Funding

Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2022R151), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia. The authors would like to thank the Deanship of Scientific Research at Umm Al-Qura University for supporting this work by Grant Code: (22UQU4320484DSR10). This study is supported via funding from Prince Sattam bin Abdulaziz University project number (PSAU/2023/R/1444).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

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

Conflicts of Interest

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

References

  1. Sigirci, I.O.; Albayrak, A.; Bilgin, G. Detection of mitotic cells in breast cancer histopathological images using deep versus handcrafted features. Multimed. Tools Appl. 2022, 81, 13179–13202. [Google Scholar] [CrossRef]
  2. Maroof, N.; Khan, A.; Qureshi, S.A.; ul Rehman, A.; Khalil, R.K.; Shim, S.O. Mitosis detection in breast cancer histopathology images using hybrid feature space. Photodiagnosis Photodyn. Ther. 2020, 31, 101885. [Google Scholar] [CrossRef] [PubMed]
  3. Li, C.; Wang, X.; Liu, W.; Latecki, L.J.; Wang, B.; Huang, J. Weakly supervised mitosis detection in breast histopathology images using concentric loss. Med. Image Anal. 2019, 53, 165–178. [Google Scholar] [CrossRef] [PubMed]
  4. Lakshmanan, B.; Priyadharsini, S.; Selvakumar, B. Computer assisted mitotic figure detection in histopathology images based on DenseNetPCA framework. Mater. Today Proc. 2022, 62, 4936–4939. [Google Scholar] [CrossRef]
  5. Sohail, A.; Mukhtar, M.A.; Khan, A.; Zafar, M.M.; Zameer, A.; Khan, S. Deep Object Detection based Mitosis Analysis in Breast Cancer Histopathological Images. arXiv 2020, arXiv:2003.08803. [Google Scholar]
  6. Samah, A.A.; Fauzi, M.F.A.; Khor, S.Y.; Lee, J.T.H.; Teoh, K.H.; Looi, L.M.; Mansor, S. Mitotic cells detection in H&E-stained breast carcinoma images. Int. J. Biomed. Eng. Technol. 2022, 40, 54–69. [Google Scholar]
  7. Mahmood, T.; Arsalan, M.; Owais, M.; Lee, M.B.; Park, K.R. Artificial intelligence-based mitosis detection in breast cancer histopathology images using faster R-CNN and deep CNNs. J. Clin. Med. 2020, 9, 749. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  8. Cai, D.; Sun, X.; Zhou, N.; Han, X.; Yao, J. Efficient mitosis detection in breast cancer histology images by RCNN. In Proceedings of the 2019 IEEE 16th International Symposium on Biomedical Imaging (ISBI 2019), Venice, Italy, 8–11 April 2019; pp. 919–922. [Google Scholar]
  9. Razavi, S.; Khameneh, F.D.; Nouri, H.; Androutsos, D.; Done, S.J.; Khademi, A. MiNuGAN: Dual Segmentation of Mitoses and Nuclei Using Conditional GANs on Multi-center Breast H&E Images. J. Pathol. Inform. 2022, 13, 100002. [Google Scholar]
  10. Shwetha, S.V.; Dharmanna, L. An automatic recognition, identification and classification of mitotic cells for the diagnosis of breast cancer stages. Int. J. Image Graph. Sign. Process. 2021, 13, 1–11. [Google Scholar]
  11. Kausar, T.; Wang, M.; Ashraf, M.A.; Kausar, A. SmallMitosis: Small size mitotic cells detection in breast histopathology images. IEEE Access 2020, 9, 905–922. [Google Scholar] [CrossRef]
  12. Sohail, A.; Khan, A.; Nisar, H.; Tabassum, S.; Zameer, A. Mitotic nuclei analysis in breast cancer histopathology images using deep ensemble classifier. Med. Image Anal. 2021, 72, 102121. [Google Scholar] [CrossRef]
  13. Sebai, M.; Wang, X.; Wang, T. MaskMitosis: A deep learning framework for fully supervised, weakly supervised, and unsupervised mitosis detection in histopathology images. Med. Biol. Eng. Comput. 2020, 58, 1603–1623. [Google Scholar] [CrossRef]
  14. Lei, H.; Liu, S.; Elazab, A.; Gong, X.; Lei, B. Attention-guided multi-branch convolutional neural network for mitosis detection from histopathological images. IEEE J. Biomed. Health Inform. 2020, 25, 358–370. [Google Scholar] [CrossRef] [PubMed]
  15. Das, D.K.; Dutta, P.K. Efficient automated detection of mitotic cells from breast histological images using deep convolution neutral network with wavelet decomposed patches. Comput. Biol. Med. 2019, 104, 29–42. [Google Scholar] [CrossRef]
  16. Beevi, K.S.; Nair, M.S.; Bindu, G.R. Automatic mitosis detection in breast histopathology images using convolutional neural network based deep transfer learning. Biocybern. Biomed. Eng. 2019, 39, 214–223. [Google Scholar] [CrossRef]
  17. Yan, L.; Liu, D.; Xiang, Q.; Luo, Y.; Wang, T.; Wu, D.; Chen, H.; Zhang, Y.; Li, Q. PSP net-based automatic segmentation network model for prostate magnetic resonance imaging. Comput. Methods Programs Biomed. 2021, 207, 106211. [Google Scholar] [CrossRef]
  18. Chu, Y.; Yue, X.; Yu, L.; Sergei, M.; Wang, Z. Automatic image captioning based on ResNet50 and LSTM with soft attention. Wirel. Commun. Mob. Comput. 2020, 2020, 8909458. [Google Scholar] [CrossRef]
  19. Xiao, B.; Liu, Y.; Xiao, B. Accurate state-of-charge estimation approach for lithium-ion batteries by gated recurrent unit with ensemble optimizer. IEEE Access 2019, 7, 54192–54202. [Google Scholar] [CrossRef]
  20. Jiang, Y.; Tong, G.; Yin, H.; Xiong, N. A pedestrian detection method based on genetic algorithm for optimize XGBoost training parameters. IEEE Access 2019, 7, 118310–118321. [Google Scholar] [CrossRef]
  21. Wang, L.; Zhang, L.; Zhao, W.; Liu, X. Parameter Identification of a Governing System in a Pumped Storage Unit Based on an Improved Artificial Hummingbird Algorithm. Energies 2022, 15, 6966. [Google Scholar] [CrossRef]
  22. Veta, M.; Pluim, J.P.W.; Stathonikos, N.; van Diest, P.J.; Beca, F.; Beck, A. Tumor Proliferation Assessment Challenge 2016, MICCAI Grand Challenge [WWW Document]. 2016. Available online: http://tupac.tue-image.nl/ (accessed on 12 July 2022).
Figure 1. Overall working process of AHBATL-MNC system.
Figure 1. Overall working process of AHBATL-MNC system.
Bioengineering 10 00087 g001
Figure 2. Sample images of (a) mitosis; (b) nonmitosis.
Figure 2. Sample images of (a) mitosis; (b) nonmitosis.
Bioengineering 10 00087 g002
Figure 3. Confusion matrices of AHBATL-MNC system. (a,b) TR and TS databases of 60:40; (c,d) TR and TS databases of 70:30.
Figure 3. Confusion matrices of AHBATL-MNC system. (a,b) TR and TS databases of 60:40; (c,d) TR and TS databases of 70:30.
Bioengineering 10 00087 g003
Figure 4. Average analysis of AHBATL-MNC approach under 60% of TR database.
Figure 4. Average analysis of AHBATL-MNC approach under 60% of TR database.
Bioengineering 10 00087 g004
Figure 5. Average analysis of AHBATL-MNC approach under 40% of TS database.
Figure 5. Average analysis of AHBATL-MNC approach under 40% of TS database.
Bioengineering 10 00087 g005
Figure 6. Average analysis of AHBATL-MNC approach under 70% of TR database.
Figure 6. Average analysis of AHBATL-MNC approach under 70% of TR database.
Bioengineering 10 00087 g006
Figure 7. Average analysis of AHBATL-MNC approach under 30% of TS database.
Figure 7. Average analysis of AHBATL-MNC approach under 30% of TS database.
Bioengineering 10 00087 g007
Figure 8. TACC and VACC analysis of AHBATL-MNC approach.
Figure 8. TACC and VACC analysis of AHBATL-MNC approach.
Bioengineering 10 00087 g008
Figure 9. TLS and VLS analysis of AHBATL-MNC approach.
Figure 9. TLS and VLS analysis of AHBATL-MNC approach.
Bioengineering 10 00087 g009
Figure 10. Accuy and Fscore analysis of AHBATL-MNC system compared with other approaches.
Figure 10. Accuy and Fscore analysis of AHBATL-MNC system compared with other approaches.
Bioengineering 10 00087 g010
Figure 11. Precn and Recal analysis of AHBATL-MNC system compared with other approaches.
Figure 11. Precn and Recal analysis of AHBATL-MNC system compared with other approaches.
Bioengineering 10 00087 g011
Table 1. Dataset details.
Table 1. Dataset details.
ClassNo. of Images
Mitosis75
Nonmitosis75
Total Number of Images150
Table 2. Mitosis classification outcome of AHBATL-MNC approach under 60:40 of TR/TS databases.
Table 2. Mitosis classification outcome of AHBATL-MNC approach under 60:40 of TR/TS databases.
Class AccuracybalPrecisionRecallF-ScoreMCCG-Measure
Training Phase (60%)
Mitosis88.6490.7088.6489.6680.0089.66
Nonmitosis91.3089.3691.3090.3280.0090.33
Average89.9790.0389.9789.9980.0089.99
Testing Phase (40%)
Mitosis93.55100.0093.5596.6793.5596.72
Nonmitosis100.0093.55100.0096.6793.5596.72
Average96.7796.7796.7796.6793.5596.72
Table 3. Mitosis classification outcome of AHBATL-MNC approach under 60:40 of TR/TS databases.
Table 3. Mitosis classification outcome of AHBATL-MNC approach under 60:40 of TR/TS databases.
Class AccuracybalPrecisionRecallF-ScoreMCCG-Measure
Training Phase (70%)
Mitosis84.00100.0084.0091.3085.6391.65
Nonmitosis100.0087.30100.0093.2285.6393.44
Average92.0093.6592.0092.2685.6392.54
Testing Phase (30%)
Mitosis88.0095.6588.0091.6782.5191.75
Nonmitosis95.0086.3695.0090.4882.5190.58
Average91.5091.0191.5091.0782.5191.16
Table 4. Comparative analysis of AHBATL-MNC system with other approaches.
Table 4. Comparative analysis of AHBATL-MNC system with other approaches.
Methods a c c u y p r e c n r e c a l F s c o r e
AHBATL-MNC96.7796.7796.7796.67
DHE-Mit model85.2384.4575.2677.33
DenseNet-201 model83.9683.2073.8576.38
ResNet-18 model82.0181.2671.7374.05
Inception-V3 model78.5477.5168.1870.64
ResNext-50 model77.4876.2066.7369.49
ResNet-101 model76.0374.8365.8968.65
VGG-16 model74.7273.9365.0067.66
Table 5. Comparative CT analysis of AHBATL-MNC system with other approaches.
Table 5. Comparative CT analysis of AHBATL-MNC system with other approaches.
MethodsComputational Time (s)
AHBATL-MNC12.34
DHE-Mit model25.17
DenseNet-201 model42.58
ResNet-18 model41.03
Inception-V3 model59.67
ResNext-50 model39.36
ResNet-101 model44.60
VGG-16 model56.14
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

Malibari, A.A.; Obayya, M.; Gaddah, A.; Mehanna, A.S.; Hamza, M.A.; Ibrahim Alsaid, M.; Yaseen, I.; Abdelmageed, A.A. Artificial Hummingbird Algorithm with Transfer-Learning-Based Mitotic Nuclei Classification on Histopathologic Breast Cancer Images. Bioengineering 2023, 10, 87. https://doi.org/10.3390/bioengineering10010087

AMA Style

Malibari AA, Obayya M, Gaddah A, Mehanna AS, Hamza MA, Ibrahim Alsaid M, Yaseen I, Abdelmageed AA. Artificial Hummingbird Algorithm with Transfer-Learning-Based Mitotic Nuclei Classification on Histopathologic Breast Cancer Images. Bioengineering. 2023; 10(1):87. https://doi.org/10.3390/bioengineering10010087

Chicago/Turabian Style

Malibari, Areej A., Marwa Obayya, Abdulbaset Gaddah, Amal S. Mehanna, Manar Ahmed Hamza, Mohamed Ibrahim Alsaid, Ishfaq Yaseen, and Amgad Atta Abdelmageed. 2023. "Artificial Hummingbird Algorithm with Transfer-Learning-Based Mitotic Nuclei Classification on Histopathologic Breast Cancer Images" Bioengineering 10, no. 1: 87. https://doi.org/10.3390/bioengineering10010087

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