Next Article in Journal
Generalist Vision Foundation Models for Medical Imaging: A Case Study of Segment Anything Model on Zero-Shot Medical Segmentation
Next Article in Special Issue
NeuPD—A Neural Network-Based Approach to Predict Antineoplastic Drug Response
Previous Article in Journal
Ultrasound Diagnosis and Guided Intervention of Musculoskeletal/Neuromuscular Pathology 2022
Previous Article in Special Issue
Real-World Driver Stress Recognition and Diagnosis Based on Multimodal Deep Learning and Fuzzy EDAS Approaches
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Analysis of the Effectiveness of Metaheuristic Methods on Bayesian Optimization in the Classification of Visual Field Defects

1
Center of Excellence for Advance Computing, Faculty of Electronic Engineering & Technology, Universiti Malaysia Perlis, Kangar 01000, Malaysia
2
Institute of Engineering Mathematics, Faculty of Applied and Human Sciences, Universiti Malaysia Perlis, Arau 02600, Malaysia
3
Department of Ophthalmology & Visual Science, Universiti Sains Malaysia, Kubang Kerian 16150, Malaysia
4
Graduate Faculty of Interdisciplinary Research, University of Yamanashi, Kofu 400-0016, Japan
*
Author to whom correspondence should be addressed.
Diagnostics 2023, 13(11), 1946; https://doi.org/10.3390/diagnostics13111946
Submission received: 6 March 2023 / Revised: 24 May 2023 / Accepted: 30 May 2023 / Published: 2 June 2023
(This article belongs to the Special Issue Medical Data Processing and Analysis—2nd Edition)

Abstract

:
Bayesian optimization (BO) is commonly used to optimize the hyperparameters of transfer learning models to improve the model’s performance significantly. In BO, the acquisition functions direct the hyperparameter space exploration during the optimization. However, the computational cost of evaluating the acquisition function and updating the surrogate model can become prohibitively expensive due to increasing dimensionality, making it more challenging to achieve the global optimum, particularly in image classification tasks. Therefore, this study investigates and analyses the effect of incorporating metaheuristic methods into BO to improve the performance of acquisition functions in transfer learning. By incorporating four different metaheuristic methods, namely Particle Swarm Optimization (PSO), Artificial Bee Colony (ABC) Optimization, Harris Hawks Optimization, and Sailfish Optimization (SFO), the performance of acquisition function, Expected Improvement (EI), was observed in the VGGNet models for visual field defect multi-class classification. Other than EI, comparative observations were also conducted using different acquisition functions, such as Probability Improvement (PI), Upper Confidence Bound (UCB), and Lower Confidence Bound (LCB). The analysis demonstrates that SFO significantly enhanced BO optimization by increasing mean accuracy by 9.6% for VGG-16 and 27.54% for VGG-19. As a result, the best validation accuracy obtained for VGG-16 and VGG-19 is 98.6% and 98.34%, respectively.

1. Introduction

Deep learning (DL) is a subfield of machine learning (ML) involving the training of artificial neural networks to automatically learn complex features and representations of the input data, allowing them to perform various tasks such as image and speech processing from large amounts of data [1]. Transfer learning utilizes a previously trained neural network model to improve the training of a new deep learning model on a related task [2,3]. The pre-trained model is adapted or fine-tuned using less training data for the new task or problem. Transfer learning can be beneficial when there is insufficient training data or when training a new model is time-consuming or computationally costly.
The error of a deep learning model can be minimized by selecting the optimal set of hyperparameters to maximize the model’s performance on the validation set. This optimal set of hyperparameters can be retrieved efficiently and effectively through optimization to achieve high performance in a particular task [4]. In DL, optimization significantly enhances the model’s performance by minimizing the errors or maximizing accuracy as an objective function during training. In the case of transfer learning, optimization is applied to fine-tune a previously trained model to improve a new related task.
Many previous works have proposed Bayesian Optimization (BO) [5,6,7,8] as an optimization method that uses a probabilistic model of the objective function. This probabilistic model, also called a surrogate model, searches the optimal set of hyperparameters and predicts the model’s performance at untested points in the hyperparameter space. The performance of the surrogate model will be evaluated at different parameter settings by maximizing the Expected Improvement (EI) of the surrogate model. First, the EI is measured to identify how much the objective function is expected to improve the model’s performance, or in other words, it measures the potential gain that can be obtained by evaluating the model at a new set of hyperparameters. Then, the acquisition function in BO is used to determine which set of hyperparameters should be evaluated next by balancing the trade-off between exploring regions of the search space where little is known and exploiting regions where the objective function is believed to be optimal [9]. However, the repeated process of evaluating the acquisition function in BO and updating the surrogate model can cause the computational cost to become prohibitively expensive due to increasing dimensionality, making it more challenging to achieve the global optimum.
In recent years, DL and transfer learning have become popular image classification techniques due to their high performance and ability to learn complex features from large amounts of data, and BO has grown in popularity as an optimization method. Previously, Shankar et al. [10] proposed a hyperparameter tuning of the BO framework to deal with the hyperparameter estimation problem in ML for diabetic retinopathy classification. They evaluate the performance of the CNN model with different hyperparameter settings, including batch size, learning rate, number of epochs, and weight decay. On the other hand, Hung et al. [9] have discussed contextual bandit problems, specifically in EI Contextual bandit problems involve making a decision based on contextual information with the goal of maximizing a reward for BO. From the experiment results, their proposed method outperformed other existing contextual bandits in Upper Confidence Bound (UCB) and Thompson Sampling (TS) by achieving a cumulative reward. Another related work was conducted by Abu et al. [11]. The authors discussed a thorough analysis of the transfer learning method when the hyperparameter tuning was performed using BO in a visual field defect classification problem.
Inspired by previous works [12,13,14], this study aims to expand their investigation by incorporating the metaheuristics methods on EI function BO for multi-class classification of VF defects. The metaheuristics can be broadly classified into four categories of swarm-based algorithms [5,15], evolutionary algorithms [16,17], physics-based algorithms [16,18], and human-based algorithms [16]. These algorithms are based on the behavior of a population of social organisms. These algorithms simulate the behavior of a swarm of agents collaborating to find the best solution to an optimization problem. Previously, a metaheuristics method, the PSO method, was employed by Li et al. [5] to optimize the hyperparameter of BO in the Random Forest (RF) classifier, Adaptive Boosting (AdaBoost), and Extreme Gradient Boosting (XGBoost). A few works in medical imaging examine the classification of a specific eye disease. For instance, Omer et al. [19] combined DL and metaheuristic methods to diagnose diabetic retinopathy. In another work, Nagaraja et al. [20] proposed a metaheuristic method to optimize the Principal Component Analysis (PCA) and HHO to optimize the CNN method for detecting diabetic retinopathy. Most previous research has focused on optimizing the binary classification problem using fundus images.
Therefore, this work aims to enhance the efficiency and accuracy of multi-class image classification by integrating the BO acquisition function with the metaheuristic approach. This work incorporates the Swarm-based algorithms [5], namely Particle Swarm Optimization (PSO) [5,21], Artificial Bee Colony (ABC) Optimization [13,22], Harris Hawks Optimization (HHO) [23], and SFO [24], with the acquisition function EI in BO. The metaheuristic functions are expected to enhance the acquisition function by optimizing the Exploration (mean) and Exploitation (variance) of the posterior distribution of the objective function. These four methods were chosen because swarm-based metaheuristic methods have produced remarkable results in solving complex optimization problems [25]. Furthermore, it is due to their capability of decentralized control of search agents to explore the search environment more effectively [25]. The novelty of this work can be summarized as follows:
  • To optimize the exploration and exploitation process by incorporating with the swarm-based metaheuristic methods (PSO, ABC, HHO, and SFO) with BO default acquisition function, EI.
  • To conduct a comprehensive investigation and analysis of the performance of the acquisition function in BO when incorporated with four different metaheuristic methods against the VGGNet pre-trained models.
  • To evaluate the performance of VGGNet pre-trained models after the BO enhancement in a multi-class image classification problem for VF defects images.
This paper is organized as follows: Section 1 presents the introduction of this work and some review of previous works. Section 2 explains the collection of datasets used in this work and the process of BO enhancement using the metaheuristic method. Section 3 discusses the experimental framework for conducting the effectiveness of the metaheuristic method in BO in classifying the visual field defect pattern using transfer learning. Lastly, Section 4 presents the conclusion and potential for future research.

2. Methodology

2.1. Data Collection

The work obtained 1200 visual field (VF) images from a public dataset. The first dataset is the Humphrey 10-2 Swedish Interactive Threshold Algorithm (SITA) [26,27]. The second dataset is Humphrey 24-2 from Rotterdam Eye Hospital [28,29] and the RT_dataset from Kucur et al. [30,31]. In addition, it included 68 VF images from the Department of Ophthalmology at Universiti Sains Malaysia (USM). All datasets will go through pre-processing to improve the quality and standardization of images, which can result in more accurate and efficient analysis. The dataset will then be divided 80:10:10 between the training, validation, and testing datasets. Table 1 presents the distribution of VF Defects from collected datasets.

2.2. Multi-Class Classification of VF Defect Using Transfer Learning

In this work, the multi-class classification task of VF defect is performed by using transfer learning (TL) techniques involving four pre-trained models: VGGNet [32], ResNet [33], MobileNet [34,35], and DenseNet [36]. The ImageNet database is the source dataset utilized in these pre-trained models, which includes various eye datasets in the ImageNet collection, including black and white and face images. The knowledge acquired by the pre-trained models was then transferred to the VF classification task, enabling the model to learn more quickly and perform better with less data. Only the VGGNet model is used because of its simple architecture. The framework of transfer learning in this study is shown in Figure 1.

2.3. Combination of Bayesian Optimization with Metaheuristics Methods

After the transfer learning model has been built, the layers and hyperparameters of the pre-trained model will be optimized using the BO technique to identify the optimal hyperparameter for the VF defect classification task. This study investigates and analyses the effect of a different set of hyperparameters and fine-tuned layers with two different pre-trained models using a total of 11 hyperparameters to be optimized, including fine-tuning layers. Fine-tuning will be performed by training the final few layers on the VF dataset while freezing or fixing the remaining layers. The goal of fine-tuning is to leverage the learned features from the pre-trained models to improve the model’s performance on the VF classification task.
In BO, the utility functions are referred to as acquisition functions. The acquisition function helps achieve the optimum underlying function by exploring and exploiting regions where the uncertainty of the function is significant. The acquisition function is optimized to retrieve the next point for assessment [7,37,38]. Several acquisition functions have been developed to improve parameters in Bayesian to achieve the best estimation. The following are detailed descriptions of the acquisition functions used in this study:
  • Expected Improvement (EI).
The EI [7,39] acquisition function is widely employed in BO because EI encourages the exploration of the search space by providing high values to points with high uncertainty. It also exploits promising regions by focusing on issues that have the potential to improve the current best solution. In addition, EI can capture the objective function’s local structure, which can be important when the function is non-convex or has multiple local optima. An example of a non-convex hyperparameter is the number of hidden layers in a neural network. Equation (1) [7] represents the EI process:
E I x E f x f ( x t + )
where
x t + = the best point to observe before the next point.
x = default point to observe.
  • Probability Improvement (PI).
The Probability Improvement (PI) acquisition function can identify the minimum value of the objective function [7]. The point where the objective function is most likely to outperform the default value is where it will be evaluated. It is equivalent to the utility function below that is connected to evaluating the objective function at a specific point with the default hyperparameters set as shown in Equation (2) [7]:
P I x = P f x f x + = ( μ x f x + / σ ( x ) )
where
f x + = the max value already found.
μ x = the mean value of accuracy.
σ ( x ) = the standard deviation of accuracy.
( ) = the accumulative density function of normal distribution.
  • Upper Confidence Bound (UCB).
UCB [7] is an acquisition function that maximizes or minimizes the trade-off parameter and the marginal standard deviation of the objective function rather than the objective function itself [7]. Therefore, Equation (3) [7] is employed to express the UCB process:
U C B x ; β = μ + x β σ ( x )
where
β = β > 0 is a trade-off parameter.
μ (x) = mean of the model.
σ x = standard deviation of the model.
  • Lower Confidence Bound (LCB).
LCB [40,41] aims to address the random bandit dilemma by balancing exploitation and exploration. It controls the trade-off between exploitation and exploration in a manner similar to the UCB process. The LCB process is described in Equation (4) [40,41]:
L C B x = { f x β S ( x ) }
where
β = the parameter managing the trade-off between exploitation and exploration.
f (x) = objective function.
s x = covariance of the objective function.
The enhancement of the acquisition function will only be tested using BO’s default acquisition function, EI. The remaining acquisition functions will be used as a comparative assessment. In order to maximize the objective function, EI will be combined with four metaheuristic methods in a separate experiment setting, and the performance will be measured by the mean accuracy of BO iterations. The details of the metaheuristic method are explained below:
  • Particle Swarm Optimization (PSO) [5,21] is an algorithm inspired by the behavior of a flock of birds or a school of fish. It is developed in the form of population-based stochastic optimization. In PSO, the optimal solution is obtained if the algorithm has reached convergence. If the algorithm has reached convergence, it is influenced by the particle’s position and velocity.
  • Artificial Bee Colony (ABC) Optimization [13,22] contains four phases: initialization phase, employed bee phase, onlooker bee phase, and scout bee phase. Different kinds of bees can change their roles iteratively until the termination condition is met. Note that there is an associated counter for each food source. If one food source is not improved, the increment of its corresponding counter is 1; otherwise, the counter resets to 0. If the quality of a solution has not been enhanced more than the limit (present parameter), the employed bee would be transformed into a scout bee.
  • Harris Hawks Optimization (HHO) [23] is the cooperative behavior in which the chasing style of Harris’ hawks in nature is called surprise pounce. HHO can reveal various chasing patterns based on the dynamic nature of scenarios and escaping patterns of the prey. The effectiveness of the HHO optimizer underwent 29 benchmark problems and several real-world engineering problems through a comparison with other nature-inspired techniques to check the optimizer’s performance.
  • Sailfish Optimization (SFO) [24] is inspired by a group of hunting sailfish. This method consists of two tips of populations, the sailfish population for intensification of the search around the best so far and the sardine population for diversification of the search space. This technique indicates competitive results for improving exploration and exploitation phases, avoiding local optima, and high-speed convergence, especially on large-scale global optimization.
In Bayesian Optimization, exploration μ x and exploitation σ ( x ) are two opposing strategies used by the acquisition function to determine which set of hyperparameters to evaluate next. Exploration refers to the process of selecting hyperparameters that have a high potential for discovering new regions of the search space [42]. On the other hand, exploitation refers to the process of selecting hyperparameters that have the highest probability of improving the model’s performance based on the information gathered [42]. The main issue is that computing a natural anticipated utility function with this acquisition function is impossible. The stopping criterion is met in BO when the maximum number of evaluations or a convergence threshold is met. By incorporating a metaheuristic approach to influence the point that BO chooses, the number of points with lesser accuracy can be decreased, and the performance of BO can be increased. In addition, the number of iterations is set during BO to obtain accuracy from different sets of hyperparameters. Hence, VF defect classification will serve as the basis for measuring the BO’s performance to find the best hyperparameter.
This work observed the optimization of the EI acquisition function in BO using four swarm-based metaheuristic methods: PSO, ABC, HHO, and SFO. The metaheuristic methods optimize the mean and variance in the acquisition function to obtain many higher peak accuracies while evaluating the objective function. Here, the mean value determines the most promising point in the search space. In the meantime, the variance value is used to balance exploration and exploitation, which is extracted by the acquisition function based on the objective function, grouped as a population subject by the metaheuristic method, and used to maximize output. The mean and variance values estimated based on the observed values of the objective function at previous evaluation points are maximized using the swarm-based metaheuristic method. Finally, the mean and variance will be set as the candidate solutions that evolve to search for the optimal solution.
The pseudocode of the enhanced BO is shown in Algorithm 1. The section highlighted in bold outlines the proposed algorithm that incorporates the metaheuristics method into BO.
Algorithm 1: Psuedocode of the BO Enhancement: Enhance Bayesian Optimization with Metaheuristic Method
Required: An acquisition function
1: Inputs:
 Bayesian Optimization process
2: While the stop criteria are not fulfilled, do the following:  
3:  Select the next point to evaluate based on an acquisition function (Expected
   Improvement), which balances the exploration of new points and the
   the exploitation of promising areas of the search space until maximize accuracy
   is obtained:
x * = arg max x X f ( x ) .
4:  Calculation of EI for each set of hyperparameters and fine-tuning layers using the probabilistic model provides:
E I x = E m a x 0 , f x f x * .
5:  Evaluate the mean µ(x) and variance σ ( x ) of the probabilistic model at x.
   These values are estimated based on the observed values of the objective
   function at previous evaluation points.
6:  Initialize the population of mean µ(x) and variance σ ( x ) of the probabilistic
   model at x.
7:  From the set of a population of mean µ(x) and variance σ ( x ) , maximize by me taheuristic method (PSO, ABC, HHO and SFO). The goal is to explore the search space and generate a diverse set of hyperparameters and fine-tuned layers solution.
8:  Evaluate the objective function for each new set of hyperparameters and fine-tuned layers solution in the population.
9:  Select the best hyperparameter and fine-tuned layers from the entire population
based on the objective function values.
10: End while

2.4. Evaluation

The performance of the four acquisition functions above was validated with VGGNet pre-trained models. Because the iteration number is set to 11, the mean accuracy ( μ ) value will be used to compare the 11 accuracies obtained from the experiments. The mean of the transfer learning accuracy over multiple runs of the algorithm is calculated to evaluate the accuracy of the optimization algorithm based on the following Equation (5).
μ = i = 1 N X i N ,
where
  • N = the size of the iteration.
  • x i = each accuracy value from the BO iteration.
  • μ = the iteration mean.

3. Experimental Results and Discussion

Four different acquisition functions (EI, PI, LCB, and UCB) were initially used to optimize the pre-trained VGGNet models in BO. Then, the mean and variance of the EI acquisition function are enhanced using four metaheuristic techniques: PSO, ABC, HHO, and SFO. EI is selected for further enhancement as it is a default acquisition function for BO. The experiment was performed using KERAS and Scikit Optimize, a Python library for performing BO. The experiment was conducted on an Intel Core i7-10 processor with 8 GB of RAM and an RTX2080 graphics processing unit (GPU).

3.1. Validation Analyses of Pre-Trained Models Enhanced by Bayesian Optimization Based on Different Acquisition Functions

The validation accuracy of the VGG-16 and VGG-19 models using different acquisition functions in BO based on selected hyperparameters and fine-tuned layers is presented in Table 2 and Table 3. Both tables compare the validation accuracy performance of the enhanced EI acquisition function based on the metaheuristic method compared to other acquisition functions. During the experiment, 11 hyperparameters selected by BO with fine-tuned layers were considered. The initial hyperparameters and fine-tune layer were set for the first iteration. Table 2 and 3 also include the comparison results of another metaheuristic optimization algorithm, the Covariance Matrix Adaptation Evolution Strategy (CMA-ES) [12]. Loshchilov and Hutter [12] mentioned that CMA-ES has the capacity to efficiently explore a high-dimensional search space and identify an optimal objective function solution. Additionally, therefore, the validation accuracy of CMA-ES is also included as a comparison.
The majority of the hyperparameters and fine-tuned layers in Table 2 indicate a validation accuracy of 20.55%, suggesting overfitting. This issue may occur because the pre-trained model is too complex for the VF defect image as a result of their small size or lack of diversity. Another possibility is that the set of hyperparameters is too extensive and involves all network layers, resulting in a complex network architecture. In some cases, tuning all layers of a pre-trained neural network achieved high accuracy in this classification task. It was observed that BO would adjust to a slower learning rate as more layers are tuned to prevent overwriting existing knowledge in earlier layers in order to preserve features that are likely to be useful for the new task.
The proposed method, EI-SFO, from both Table 2 and Table 3 indicates the performance of EI when enhanced using SFO metaheuristic methods. SFO is used to maximize the mean and variance processes within the EI acquisition function, but its performance cannot surpass the performance of the LCB acquisition function in BO. This is because the LCB can efficiently search the hyperparameter in the search space by selecting the hyperparameter that is likely to perform well and have low uncertainty [43]. LCB selects the lowest expected value of the transfer learning and then calculates the sum of the mean and a scaled variance value. The scaling factor will control the exploration and exploration of BO, and the larger the scaling factor values will encourage more exploration. In contrast, smaller values of the scaling factor will encourage more exploitation.
On the other hand, it was observed that the SFO method maximized the mean and variance inside the EI acquisition function. The maximization of the mean and variance of EI induced the mean to select candidate solutions that are both promising and diverse. This helps the BO to explore a broader range of the search space, potentially leading to better solutions. When the mean is maximized, the surrogate model predicts that the current hyperparameter set will likely perform well. This is a sign that the optimization process exploits the most promising areas of the search space, and it can lead to faster convergence toward the optimal set of hyperparameters [43].
In contrast, when the variance is maximized, the surrogate model is uncertain about the performance of the current set of hyperparameters. This indicates that the optimization process is exploring new areas of the search space. However, it can also result in slower convergence since the optimizer may need to evaluate more hyperparameter configurations to gain enough information about the objective function. However, the maximized mean and variance can lead to exploring suboptimal regions of the search space. Consequently, the objective function must have a well-balanced mean and variance. When comparing the standard EI to EI-PSO, EI-ABC, EI-HHO, and EI-SFO on VGG-16, the incorporation of the metaheuristic method results in a significant improvement in mean accuracy evaluations.

3.2. Performance Analyses of Pre-Trained Models Enhanced by Bayesian Optimization Based on Different Acquisition Functions

In BO, four acquisition functions (EI, PI, UCB, and LCB) are commonly used to optimize the objective function. Therefore, these acquisition functions were tested to analyze the difference in terms of performance in the VF defect classification task. Since the VGGNet model presents the lowest performance in the default acquisition function, i.e., EI, this work focuses on optimizing this acquisition function with four metaheuristic methods (PSO, ABC, HHO, and SFO) to enhance the performance of BO.
Figure 2a demonstrates the performance accuracy distribution across 11 iterations of the VGG-16 pre-trained model based on different acquisition functions. In this work, the number of iterations is set to 11, which is the maximum number of iterations supported by the hardware computational capability in order to achieve optimal EI performance. In the box plot green triangle represent the mean of accuracy obtain from the 11 iteration and the circle is the accuracy outlier where’s the 90% accuracy is not the majority in the 11 iteration. When optimizing hyperparameters in BO using the LCB acquisition function, LCB has shown the highest mean accuracy when compared to other acquisition functions. Without an outlier, the mean accuracy is 47.17%, with a maximum and minimum accuracy of 98.26% and 16.91%, respectively. The lower quartile value is 18.31, indicating that 25% of the obtained accuracy falls below 18.31% and 75% of the data for the upper quartile fall below 98.22. In contrast, UCB performed the worst in terms of accuracy distribution, regardless of the fact that the maximum accuracy achieved was 97.88%. The average accuracy achieved is 30.59%, with a median of 20.55% and a minimum of 16.81%.
On the other hand, Figure 2b shows the range of performance accuracy across 11 iterations of the VGG-19 pre-trained model based on different acquisition functions. Based on the box plot, the EI-SFO method outperformed other metaheuristic methods with a mean accuracy of 47.40%, a maximum accuracy of 98.34%, and a minimum accuracy of 15.50%. The lower quartile value for the EI-SFO is 19.37%. The median is 20.55%, and the upper quartile value is 95.55%. In contrast, EI has the worst performance, with a mean accuracy of 19.86%, median accuracy of 20.55%, first quartile value of 18.96%, and third quartile value of 20.55%. The maximum accuracy is 20.55%, while the minimum achievable accuracy is 17.37%.
The following Table 4 compares the performance accuracy of enhanced BO and conventional methods. For the classification of VF defects, the performance of a pre-trained model enhanced by BO using the EI-SFO method is comparable to the performance of the LCB acquisition function for VGG-16. As for VGG-19, the mean accuracy is better compared to others, while the highest accuracy is almost identical to the LCB method. The mean evaluation of VGGNet is determined by the number of iterations set during BO in order to detect VF defects with optimal accuracy. The average precision rises as the metaheuristic method optimizes the EI acquisition function. Among the enhancements to EI, the EI-SFO method achieves the highest accuracy of 98.60% for VGG-16 and 98.34% for VGG-19. The experiment also included CMA-ES, one of the acquisition functions proposed by Loshchilov and Hutter [12], that exhibits superior performance in more complex optimization problems. However, the performance of both VGGNet models for the VF classification task suggests that overfitting occurred. This could be the result of an incompatible combination of hyperparameters and fine-tuning explored by the acquisition function.
In addition to a comparative analysis of performance accuracy, a confusion matrix analysis was also conducted. The confusion matrix consists of a square matrix with dimensions equal to the number of classes in the problem. Each cell in the matrix represents the precision that belongs to a particular actual class and is predicted to belong to a particular predicted class. The diagonal elements of the matrix represent the precision of correctly classified instances for each class. The off-diagonal component represents the precision of instances that are misclassified. The darker the blue color in confusion matrix the higher the accuracy. The confusion matrix was constructed using the classification result of six types of VF defects observed in 10% of the entire dataset. The six types of VF defects include central, hemianopia, normal, quadrantanopia, superior, and tunnel defect.
Figure 3a,b demonstrate the performance of VGGNet after enhanced BO has been applied. Figure 3a shows that the VGG-16 model classified superior, central, and hemianopia defects with 100% accuracy. As for quadrantanopia, the obtained precision is 93%, with 5% tunnel vision and 1% hemianopia misclassification. Normal vision achieved 98% precision with 2% quadrantanopia misclassification, while tunnel vision achieved 96% precision with 3% central scotoma and 1% quadrantanopia misclassification. The overall precision obtained from six classes of visual field defects in VGG-16 is 97.83% precision.
In Figure 3b, VGG-19 achieved a precision of 100% for central scotoma, superior, and hemianopia, 96% for quadrantanopia with 4% misclassified as tunnel vision, 99% for normal with 1% misclassified as superior, and 95% for tunnel vision with 5% misclassified as a central scotoma. The overall testing precision obtained from the six classes of visual field defects in VGG-16 is 98.33%.

4. Conclusions

In conclusion, the acquisition function plays a crucial role in the BO process as it determines the next set of hyperparameters to be evaluated based on the trade-off between exploration and exploitation. EI is the default acquisition function for BO, which searches for the global optimum of the objective function within the given search space. Global search algorithms can be used as an initialization strategy to sample a diverse set of points in the search space. Then, the acquisition function is used to guide the search towards more promising regions around the initial points. This helps to balance the exploration-exploitation trade-off in the search for optimal hyperparameters. In other words, the performance of the acquisition function can have a significant impact on the efficiency and effectiveness of the optimization process.
Therefore, this work proposes combining swarm-based metaheuristic methods (PSO, ABC, HHO, and SFO) with the EI acquisition function. The aim of the proposed method is to examine how the metaheuristics approach can be utilized to optimize the exploration and exploitation of EI in BO to obtain a more optimum set of hyperparameters and fine-tuned layers. The effectiveness of the proposed method was observed in a multi-class classification task which involved six different types of VF defect images. Then, a comprehensive investigation and analysis of the classification performance were conducted to determine how effectively BO optimizes the objective function in VGGNet models following the improvement of the acquisition function. These include the analyses of the validation and testing performance of the model in the VF defect classification task.
Based on the experimental result, the metaheuristic methods boost the algorithm to explore new regions of the hyperparameter and fine-tuning layers search space while searching for the optimum set of hyperparameter and fine-tuned layers to obtain a set of hyperparameter that have improved the classification accuracy. The hyperparameter tuning and fine-tuning applied shows that the feature or knowledge learned by the pre-trained model can be effectively learned by the source model by choosing the specific task features for the visual field defect pattern. The enhanced optimization processes have improved the model’s ability to identify accurate low-level features such as edges, corners and textures, as well as higher-level features such as shapes, objects, and scenes of visual field defects.
One of the proposed methods, EI-SFO, demonstrates a promising result by obtaining high accuracy in the classification task. In comparison to other metaheuristic methods, the EI-SFO-based OB produces the highest mean accuracy for VGG-19 at 47.40%. When EI is combined with the SFO method in BO, the most significant improvement is observed when the mean accuracy for the VGG-16 model increases from 34.03% to 43.63% percent and when it increases from 19.86% to 47.40% percent for the VGG-19 model. EI-SFO-based BO is capable of producing the highest accuracy for VGG-16 and VGG-19, which is 98.60% and 98.34%, respectively. The enhanced BO of transfer learning can significantly impact medical image classification in medical diagnosis by improving model performance, enabling data-efficient model training, boosting model robustness, and saving time and resources during the hyperparameter tuning process. This can lead to more accurate and reliable classification models for medical images, which can aid in the early and accurate diagnosis of medical conditions.
Due to the constraints of our computing resources, the number of BO iterations is limited to only 11. Hence, in future, more experiments will be conducted to further analyze the performance of the acquisition function in a more significant number of BO iterations in exploring better solutions. Besides that, the combination of metaheuristics and BO to a deep learning algorithm incurs high computational complexity. Therefore, improving the algorithm’s efficiency is desirable for future investigation. In addition to the four algorithms (PSO, ABC, HHO, and SFO), more available metaheuristics algorithms such as Simulated Annealing, Ant Colony Optimization (ACO), and Flower Pollination Algorithm (FPA) can be combined with the EI acquisition function to observe their performance.

Author Contributions

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

Funding

This research was funded by JSPS KAKENSHI grant number 22K12146.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

In this study, we used publicly available VF defect images, the Rotterdam ophthalmic Data Repository [http://www.rodrep.com/longitudinal-glaucomatous-vf-data---description.html (accessed on 23 September 2021)], S1-Dataset, Github dataset [https://github.com/serifeseda/early-glaucoma-identification (accessed on 29 September 2021)], and 10-2 Humphrey SITA dataset [https://datasetsearch.research.google.com/ (accessed on 23 September 2021)]. Universiti Sains Malaysia Visual Field Defect dataset. The VF defects can be made available for reasonable requests by contacting the corresponding authors.

Conflicts of Interest

The authors declare no conflict of interest. The funders had no role in the design of the study, as well as in the collection, analysis, or interpretation of data, in the writing of the manuscript, or in the decision to publish the results.

References

  1. Ian, G.; Bengio, Y.; Courville, A. Deep Learning Book Review; MIT Press: Cambridge, MA, USA, 2016. [Google Scholar]
  2. Pan, S.J.; Yang, Q. A Survey on Transfer Learning. IEEE Trans. Knowl. Data Eng. 2010, 22, 1345–1359. [Google Scholar] [CrossRef]
  3. Bai, T.; Li, Y.; Shen, Y.; Zhang, X.; Zhang, W.; Cui, B. Transfer Learning for Bayesian Optimization: A Survey. J. ACM 2023, 1, 1–35. Available online: http://arxiv.org/abs/2302.05927 (accessed on 16 February 2023).
  4. Zhuang, F.; Qi, Z.; Duan, K.; Xi, D.; Zhu, Y.; Zhu, H.; Xiong, H.; He, Q. A Comprehensive Survey on Transfer Learning. Proc. IEEE 2021, 109, 43–76. [Google Scholar] [CrossRef]
  5. Li, Y.; Zhang, Y.; Zhou, G.; Gong, Y. Bayesian Optimization with Particle Swarm. In Proceedings of the 2021 International Joint Conference on Neural Networks, Shenzhen, China, 18–22 July 2021. [Google Scholar] [CrossRef]
  6. Dewancker, I.; McCourt, M.; Clark, S. Bayesian Optimization Primer. 2018. Available online: https://static.sigopt.com/b/20a144d208ef255d3b981ce419667ec25d8412e2/static/pdf/SigOpt_Bayesian_Optimization_Primer.pdf (accessed on 11 January 2021).
  7. Frazier, P.I. A Tutorial on Bayesian Optimization. arXiv 2018, arXiv:1807.02811. Available online: http://arxiv.org/abs/1807.02811 (accessed on 17 November 2022).
  8. He, C.; Wang, D.; Yu, Y.; Cai, Z. A Hybrid Deep Learning Model for Link Dynamic Vehicle Count Forecasting with Bayesian Optimization. J. Adv. Transp. 2023, 2023, 5070504. [Google Scholar] [CrossRef]
  9. Tran-The, S.V.H.; Gupta, S.; Rana, S.; Tran-Thanh, L. Expected Improvement-based Contextual Bandits. 2022, pp. 1–23. Available online: https://openreview.net/forum?id=GIBm-_kax6 (accessed on 13 January 2023).
  10. Shankar, K.; Zhang, Y.; Liu, Y.; Wu, L.; Chen, C.H. Hyperparameter Tuning Deep Learning for Diabetic Retinopathy Fundus Image Classification. IEEE Access 2020, 8, 118164–118173. [Google Scholar] [CrossRef]
  11. Abu, M.; Zahri, N.A.H.; Amir, A.; Ismail, M.I.; Yaakub, A.; Anwar, S.A.; Ahmad, M.I. A Comprehensive Performance Analysis of Transfer Learning Optimization in Visual Field Defect Classification. Diagnostics 2022, 12, 1258. [Google Scholar] [CrossRef]
  12. Loshchilov, I.; Hutter, F. CMA-ES for Hyperparameter Optimization of Deep Neural Networks. 2016. Available online: http://arxiv.org/abs/1604.07269 (accessed on 6 March 2023).
  13. Alamri, N.M.H.; Packianather, M.; Bigot, S. Deep Learning: Parameter Optimization Using Proposed Novel Hybrid Bees Bayesian Convolutional Neural Network. Appl. Artif. Intell. 2022, 36, 2031815. [Google Scholar] [CrossRef]
  14. Mukesh, M.; Sarkar, K.; Singh, U.K. The joint application of metaheuristic algorithm and Bayesian Statistics approach for uncertainty and stability assessment of nonlinear Magnetotelluric data. Nonlinear Process. Geophys. 2023, 2023. [Google Scholar]
  15. Reddy, K.; Saha, A.K. A review of swarm-based metaheuristic optimization techniques and their application to doubly fed induction generator. Heliyon 2022, 8, e10956. [Google Scholar] [CrossRef]
  16. Bhattacharyya, T.; Chatterjee, B.; Singh, P.K.; Yoon, J.H.; Geem, Z.W.; Sarkar, R. Mayfly in Harmony: A new hybrid meta-heuristic feature selection algorithm. IEEE Access 2020, 8, 195929–195945. [Google Scholar] [CrossRef]
  17. He, J.; Zhu, Q.; Zhang, K.; Yu, P.; Tang, J. An evolvable adversarial network with gradient penalty for COVID-19 infection segmentation. Appl. Soft Comput. 2021, 113, 107947. [Google Scholar] [CrossRef]
  18. Guilmeau, T.; Chouzenoux, E.; Elvira, V. Simulated Annealing: A Review and a New Scheme. IEEE Work. Stat. Signal Process. Proc. 2021, 2021, 101–105. [Google Scholar] [CrossRef]
  19. Tameswar, K.; Suddul, G.; Dookhitram, K. A hybrid deep learning approach with genetic and coral reefs metaheuristics for enhanced defect detection in software. Int. J. Inf. Manag. Data Insights 2022, 2, 100105. [Google Scholar] [CrossRef]
  20. Gundluru, N.; Rajput, D.S.; Lakshmanna, K.; Kaluri, R.; Shorfuzzaman, M.; Uddin, M.; Khan, M.A.R. Enhancement of Detection of Diabetic Retinopathy Using Harris Hawks Optimization with Deep Learning Model. Comput. Intell. Neurosci. 2022, 2022, 8512469. [Google Scholar] [CrossRef]
  21. Cosma, G.; Brown, D.; Archer, M.; Khan, M.; Pockley, A.G. A Survey on Computational Intelligence Approaches for Predictive Modeling in Prostate Cancer. Expert Syst. Appl. 2017, 70, 1–19. [Google Scholar] [CrossRef] [Green Version]
  22. Wang, C.; Shang, P.; Shen, P. An improved artificial bee colony algorithm based on Bayesian estimation. Complex Intell. Syst. 2022, 8, 4971–4991. [Google Scholar] [CrossRef]
  23. Heidari, A.A.; Mirjalili, S.; Faris, H.; Aljarah, I.; Mafarja, M.; Chen, H. Harris hawks optimization: Algorithm and applications. Futur. Gener. Comput. Syst. 2019, 97, 849–872. [Google Scholar] [CrossRef]
  24. Shadravan, S.; Naji, H.; Bardsiri, V. The Sailfish Optimizer: A novel nature-inspired metaheuristic algorithm for solving constrained engineering optimization problems. Eng. Appl. Artif. Intell. 2019, 80, 20–34. [Google Scholar] [CrossRef]
  25. Hussain, K.; Salleh, M.N.M.; Cheng, S.; Shi, Y. Comparative analysis of swarm-based metaheuristic algorithms on benchmark functions. Lect. Notes Comput. Sci. 2017, 10385, 3–11. [Google Scholar] [CrossRef]
  26. Google. Dataset Search. 2023. Available online: https://datasetsearch.research.google.com/ (accessed on 23 September 2021).
  27. Gessesse, G.W.; Tamrat, L.; Damji, K.F. 10–2 Humphrey SITA standard visual field test and white on black amsler grid test results among 200 eyes. PLoS ONE 2020, 15, e0230017. [Google Scholar] [CrossRef]
  28. Bryan, S.; Colen, T.; Jaakke, S.; Koolwijk, L.; Lemij, H.; Mai, T.; Nic, R.; Josine, S.; Gijs, T.; Mieke, T.; et al. Longitudinal Glaucomatous Visual Field Data. Rotterdam Ophthalmic Data Repos. 2014. Available online: http://www.rodrep.com/longitudinal-glaucomatous-vf-data---description.html (accessed on 23 September 2021).
  29. Erler, N.S.; Bryan, S.R.; Eilers, P.H.C.; Lesaffre, E.M.E.H.; Lemij, H.G.; Vermeer, K.A. Optimizing Structure-function Relationship by Maximizing Correspondence between Glaucomatous Visual Fields and Mathematical Retinal Nerve Fiber Models. Investig. Ophthalmol. Vis. Sci. 2014, 55, 2350–2357. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  30. Kucur, Ş.S.; Holló, G.; Sznitman, R. A Deep Learning Approach to Automatic Detection of Early Glaucoma from Visual Fields. PLoS ONE 2018, 13, e0206081. [Google Scholar] [CrossRef] [PubMed]
  31. Kucur, Ş.S. Early Glaucoma Identification. GitHub. 2018. Available online: https://github.com/serifeseda/early-glaucoma-identification (accessed on 23 September 2021).
  32. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. In Proceedings of the 3rd International Conference on Learning Representations, ICLR 2015—Conference Track Proceedings, San Diego, CA, USA, 7–9 May 2015; pp. 1–14. [Google Scholar]
  33. KHe, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Computer Society Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef] [Green Version]
  34. Howard, A.G.; Zhu, M.; Chen, B.; Kalenichenko, D.; Wang, W.; Weyand, T.; Andreetto, M.; Adam, H. MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. 2017. Available online: http://arxiv.org/abs/1704.04861 (accessed on 6 March 2023).
  35. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L. MobileNetV2: Inverted Residuals and Linear Bottlenecks. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 4510–4520. [Google Scholar] [CrossRef] [Green Version]
  36. Huang, G.; Liu, Z.; Van Der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 2261–2269. [Google Scholar] [CrossRef] [Green Version]
  37. Garnett, R. Bayesian Optimization. 2015. Available online: https://www.cse.wustl.edu/~garnett/cse515t/spring_2015/files/lecture_notes/12.pdf (accessed on 17 August 2022).
  38. Koehrsen, W. A conceptual explanation of bayesian hyperparameter optimization for machine learning. Towar. Data Sci. 2018, 5. Available online: https://towardsdatascience.com/a-conceptual-explanation-of-bayesian-model-based-hyperparameter-optimization-for-machine-learning-b8172278050f (accessed on 14 February 2021).
  39. Atteia, G.; Alhussan, A.A.; Samee, N.A. BO-ALLCNN: Bayesian-Based Optimized CNN for Acute Lymphoblastic Leukemia Detection in Microscopic Blood Smear Images. Sensor 2022, 22, 5520. [Google Scholar] [CrossRef]
  40. Noè, U.; Husmeier, D. On a New Improvement-Based Acquisition Function for Bayesian Optimization. 2018. Available online: http://arxiv.org/abs/1808.06918 (accessed on 11 February 2023).
  41. Wang, H.; van Stein, B.; Emmerich, M.; Back, T. A new acquisition function for Bayesian optimization based on the moment-generating function. In Proceedings of the IEEE International Conference on Systems, Man and Cybernetics, Banff, AB, Canada, 5–8 October 2017; pp. 507–512. [Google Scholar] [CrossRef]
  42. Shahriari, B.; Swersky, K.; Wang, Z.; Adams, R.P.; De Freitas, N. Taking the Human Out of the Loop: A Review of Bayesian Optimization. Proc. IEEE 2016, 104, 148–175. [Google Scholar] [CrossRef] [Green Version]
  43. Zuhal, L.R.; Palar, P.S.; Shimoyama, K. A comparative study of multi-objective expected improvement for aerodynamic design. Aerosp. Sci. Technol. 2019, 91, 548–560. [Google Scholar] [CrossRef]
Figure 1. Transfer learning process on visual field defect.
Figure 1. Transfer learning process on visual field defect.
Diagnostics 13 01946 g001
Figure 2. Comparison of performance accuracy distribution of VGGNet using difference acquisition function in Bayesian Optimization; (a) VGG-16; (b) VGG-19.
Figure 2. Comparison of performance accuracy distribution of VGGNet using difference acquisition function in Bayesian Optimization; (a) VGG-16; (b) VGG-19.
Diagnostics 13 01946 g002
Figure 3. Confusion matrix for VGGNet; (a) VGG-16; (b) VGG-19.
Figure 3. Confusion matrix for VGGNet; (a) VGG-16; (b) VGG-19.
Diagnostics 13 01946 g003
Table 1. Distribution of visual field defects from collected datasets.
Table 1. Distribution of visual field defects from collected datasets.
Type of Visual Field DefectNo. of Record
Central scotoma204
Right/Left hemianopia223
Right/left/upper/lower quadrantanopia160
Tunnel vision226
Superior/inferior defect field181
Normal274
Table 2. Validation accuracy of VGG-16 using different acquisition functions in Bayesian Optimization.
Table 2. Validation accuracy of VGG-16 using different acquisition functions in Bayesian Optimization.
Acquisition FunctionIterationHyperparameterFine-Tuned LayerValidation Accuracy (%)
Feature MapFilter SizeActivation FunctionPool SizeOptimizerLearning RateBatch SizeEpochDropout RateUpper LayerLower Layer
CMA-ES [12]1451ReLU1SGD0.000125490.3FALSETRUE20.55
2561ReLU2ADAM0.0053201890.8FALSEFALSE20.55
3341Sigmoid1SGD0.00234890.2FALSETRUE20.55
4533Sigmoid2ADAM0.022561220.4FALSEFALSE20.55
5511ReLU2ADAM0.004941310.3TRUETRUE20.55
6423Sigmoid1Adadelta0.071141270.3TRUEFALSE20.55
7453Sigmoid2Adadelta0.003311420.8TRUETRUE20.55
8612ReLU2ADAM0.028911290.2TRUETRUE20.55
9482ReLU1RMSprop0.0028161050.6FALSETRUE20.55
10482Sigmoid2ADAM0.0031171050.6FALSEFALSE15.67
11482ReLU2RMSprop0.0030161050.5TRUETRUE20.55
EI [39]1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2582ReLU1RMSprop0.000924290.5TRUEFALSE95.97
3382Sigmoid 1ADAM0.002210510.2TRUETRUE20.55
4331Sigmoid1Adadelta0.003126400.8FALSEFALSE20.55
5382Sigmoid1SGD0.011713230.7TRUEsFALSE19.96
6462Sigmoid2RMSprop0.001918340.6TRUEFALSE20.55
7412Sigmoid2ADAM0.000311760.9FALSEFALSE20.55
8352ReLU1ADAM0.000729940.1FALSEFALSE96.74
9471ReLU2RMSprop0.006821670.9TRUETRUE20.55
10562ReLU1RMSprop0.02646970.4TRUEFALSE18.81
11642ReLU2SGD0.0226272000.9TRUETRUE97.92
EI-PSO 1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2321ReLU2ADAM0.00069420.1FALSETRUE94.75
3292ReLU2Adadelta0.0008121180.8FALSEFALSE71.57
4172Sigmoid2RMSprop0.0774101560.4TRUEFALSE17.16
5212Sigmoid1RMSprop0.0032101220.4TRUEFALSE20.55
6242ReLU2RMSprop0.000271800.7FALSETRUE97.80
7302ReLU1RMSprop0.084910530.6FALSEFALSE19.03
8323Sigmoid2RMSprop0.00111690.2TRUEFALSE20.55
9251Sigmoid1ADAM0.035414760.5FALSETRUE19.41
10181Sigmoid2RMSprop0.029791640.8TRUEFALSE19.96
11182Sigmoid2ADAM0.0001141280.9FALSEFALSE20.55
EI-ABC1642ReLU2ADAM0.001322000.2FALSEFALSE20.55
2192ReLU2ADAM0.019351680.5TRUETRUE19.45
3291Sigmoid1Adadelta0.023151410.8FALSETRUE20.55
4282Sigmoid2ADAM0.021315300.6FALSETRUE15.93
5172ReLU2Adadelta0.000611260.6FALSETRUE83.31
6262Sigmoid2SGD0.00146750.7FALSEFALSE20.00
7322ReLU2SGD0.01186890.5TRUEFALSE97.84
8181ReLU1ADAM0.0524141030.2FALSETRUE20.55
9261ReLU1Adadelta0.0009111840.5TRUETRUE71.19
10292Sigmoid2RMSprop0.015221900.5TRUETRUE14.41
11222ReLU2ADAM0.022914640.4FALSETRUE20.55
EI-HHO1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2201Sigmoid1SGD0.000451840.3FALSEFALSE19.41
3303Sigmoid1SGD0.000511930.4FALSEFALSE20.55
4272ReLU2RMSprop0.013981410.3FALSEFALSE20.55
5222ReLU1ADAM0.00779420.3TRUEFALSE20.55
6232ReLU1ADAM0.016511560.2TRUEFALSE19.36
7182ReLU1ADAM0.000181480.8FALSETRUE97.03
8262Sigmoid2ADAM0.0002101590.7FALSEFALSE20.55
9181Sigmoid2ADAM0.010313890.3TRUETRUE20.55
10242ReLU2SGD0.003521720.8FALSETRUE98.26
11183ReLU2RMSprop0.000615530.5FALSETRUE96.53
EI-SFO1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2302ReLU1RMSprop0.001811930.6TRUEFALSE94.87
3212ReLU1Adadelta0.00138480.8FALSEFALSE52.92
4252Sigmoid1Adadelta0.079131640.4FALSETRUE20.55
5191ReLU2SGD0.0349580.8TRUEFALSE92.84
6273ReLU2RMSprop0.000215860.5TRUETRUE98.60
7251ReLU1ADAM0.046641500.5TRUEFALSE19.45
8193Sigmoid2ADAM0.0055141690.1TRUEFALSE16.65
9291Sigmoid2RMSprop0.027914230.3TRUEFALSE20.55
10182Sigmoid2RMSprop0.000131180.6TRUETRUE20.55
11301Sigmoid1RMSprop0.00019770.1TRUEFALSE20.55
PI1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2503Sigmoid1SGD0.09061460.8FALSEFALSE15.68
3632ReLU2RMSprop0.015881270.8FALSEFALSE20.55
4622ReLU1RMSprop0.02788740.8TRUETRUE20.55
5363ReLU1RMSprop0.001314570.4TRUEFALSE95.85
6332Sigmoid1RMSprop0.00072440.8TRUEFALSE20.55
7462ReLU1Adadelta0.044419710.7FALSEFALSE96.23
8463Sigmoid2Adadelta0.007117950.5TRUETRUE20.55
9492ReLU1RMSprop0.09543400.7TRUEFALSE18.52
10473Sigmoid1ADAM0.001719470.8FALSEFALSE19.36
11443Sigmoid1Adadelta0.00717271160.4TRUETRUE20.55
UCB1643ReLU2ADAM0.001322000.2FALSEFALSE97.88
2612ReLU1RMSprop0.0029221430.6FALSEFALSE20.55
3583ReLU2SGD0.00777530.1TRUEFALSE96.31
4443ReLU1SGD0.0075141620.2FALSEFALSE96.86
5522ReLU1ADAM0.002311150.9FALSETRUE20.55
6532Sigmoid2ADAM0.003351880.4TRUETRUE19.07
7512Sigmoid2RMSprop0.01647990.5FALSEFALSE16.19
8371Sigmoid1ADAM0.0001211720.6TRUETRUE20.55
9413ReLU2RMSprop0.004681420.2TRUEFALSE20.55
10602Sigmoid2RMSprop0.0017251730.5TRUEFALSE20.55
11353Sigmoid2ADAM0.038329520.9FALSETRUE17.46
LCB1643ReLU2ADAM0.001322000.2FALSEFALSE98.26
2403ReLU1SGD0.03139140.3FALSETRUE94.28
3502Sigmoid2ADAM0.0498211670.1FALSEFALSE18.31
4441Sigmoid1ADAM0.001010340.9FALSETRUE20.55
5541Sigmoid2RMSprop0.0016211200.4FALSETRUE20.55
6522Sigmoid1RMSprop0.0003171130.8TRUETRUE20.55
7541Sigmoid2ADAM0.09255760.2TRUEFALSE17.33
8392ReLU2ADAM0.0002211000.9TRUEFALSE98.22
9642Sigmoid2RMSprop0.008729590.4FALSEFALSE16.91
10591Sigmoid2RMSprop0.0003261830.5FALSETRUE20.55
11551ReLU2Adadelta0.0791321050.8FALSETRUE93.43
Table 3. Optimization of VGG-19 using different acquisition functions in Bayesian Optimization.
Table 3. Optimization of VGG-19 using different acquisition functions in Bayesian Optimization.
Acquisition FunctionIterationHyperparameterFine-TunedValidation Accuracy (%)
Feature MapFilter SizeActivation FunctionPool SizeOptimizerLearning RateBatch SizeEpochDropout RateUpper LayerLower Layer
CMA-ES [12]1372ReLU2Adadelta0.000131920.4TRUEFALSE20.55
2481ReLU2RMSprop0.05287920.3FALSETRUE17.80
3423ReLU2RMSprop0.01933790.8FALSEFALSE20.55
4633ReLU2RMSprop0.00022770.4FALSETRUE97.03
5582Sigmoid2RMSprop0.0436141730.3TRUETRUE17.58
6443Sigmoid1RMSprop0.00261250.3FALSETRUE17.58
7321Sigmoid2Adadelta0.00167130.5TRUETRUE20.55
8632ReLu2RMSprop0.000613370.4TRUETRUE93.64
9482Sigmoid2RMSprop0.0041161050.7FALSETRUE20.55
10482ReLU1ADAM0.0023161050.4FALSETRUE20.55
11482ReLU1Adadelta0.0037161050.6TRUEFALSE92.16
EI [39]1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2392Sigmoid1SGD0.004132600.4TRUETRUE19.11
3622ReLU1ADAM0.001931100.8TRUEFALSE20.55
4392Sigmoid1RMSprop0.001531990.6TRUETRUE20.55
5443ReLU1RMSprop0.072427900.3FALSEFALSE19.96
6322Sigmoid1ADAM0.000311540.4TRUETRUE20.55
7361ReLU2RMSprop0.087418580.7FALSETRUE18.22
8523Sigmoid2RMSprop0.08463970.8TRUEFALSE17.37
9552ReLU1RMSprop0.0029101720.8TRUETRUE20.55
10532Sigmoid1ADAM0.0001271420.6FALSETRUE20.55
11511Sigmoid1ADAM0.001941350.7TRUETRUE18.52
EI-PSO1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2242Sigmoid2ADAM0.00684530.2FALSETRUE18.26
3313Sigmoid2Adadelta0.05325720.6FALSETRUE20.55
4211Sigmoid1ADAM0.045311530.3FALSETRUE19.96
5241ReLU2ADAM0.00017650.9FALSEFALSE92.67
6263ReLU1Adadelta0.001991920.2FALSETRUE95.64
7311ReLU2Adadelta0.000314670.6FALSETRUE20.55
8211Sigmoid1SGD0.000441470.3TRUEFALSE20.55
9301Sigmoid1RMSprop0.00025450.8FALSEFALSE20.55
10183ReLU1ADAM0.00064820.7FALSEFALSE20.55
11283ReLU2RMSprop0.06234121740.2FALSETRUE19.96
EI-ABC1643ReLU2ADAM0.001322000.2FALSEFALSE97.63
2212Sigmoid2ADAM0.000511140.8TRUETRUE20.55
3252ReLU2RMSprop0.00017140.7TRUETRUE94.19
4192Sigmoid2RMSprop0.0016141120.4FALSETRUE20.55
5173Sigmoid1ADAM0.0005131160.4TRUEFALSE20.55
6261Sigmoid2ADAM0.0017101140.6TRUEFALSE20.55
7322Sigmoid2RMSprop0.000381440.9FALSETRUE20.55
8212Sigmoid2Adadelta0.00012780.8FALSEFALSE20.55
9231ReLU2ADAM0.0015151310.8TRUEFALSE94.53
10163Sigmoid2RMSprop0.0018141690.2FALSETRUE20.55
11172ReLU1RMSprop0.000111160.9FALSETRUE92.12
EI-HHO1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2281ReLU1ADAM0.005641740.6FALSETRUE20.55
3253ReLU1SGD0.00472270.8FALSETRUE92.88
4192ReLU2RMSprop0.00534760.23TRUETRUE20.55
5182ReLU1ADAM0.031212940.7TRUETRUE20.00
6201ReLU2ADAM0.004261150.5FALSEFALSE20.55
7232Sigmoid2Adadelta0.016781910.5FALSEFALSE20.55
8182Sigmoid2Adadelta0.000714520.7TRUETRUE20.55
9293Sigmoid2RMSprop0.001581320.1TRUETRUE20.55
10221Sigmoid1ADAM0.0361121860.4TRUEFALSE19.41
11262Sigmoid2Adadelta0.0333101400.1TRUETRUE20.55
EI-SFO1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2201ReLU1RMSprop0.0343101240.7TRUEFALSE20.00
3221ReLU1RMSprop0.0009161370.8FALSEFALSE94.87
4202Sigmoid2RMSprop0.0768131340.8TRUEFALSE18.77
5212Sigmoid2SGD0.019614350.7FALSEFALSE20.55
6273Sigmoid2RMSprop0.008071910.7FALSEFALSE17.58
7291ReLU2RMSprop0.0169111070.4FALSETRUE20.00
8192ReLU2RMSprop0.0677121730.2FALSEFALSE19.37
9311ReLU2ADAM0.000551110.5FALSETRUE95.55
10291ReLU1ADAM0.00045550.5TRUETRUE95.89
11202ReLU2ADAM0.000371070.6TRUETRUE98.35
PI1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2513Sigmoid1RMSprop0.000714830.7TRUETRUE20.55
3483Sigmoid1RMSprop0.0678161080.3TRUETRUE18.98
4351ReLU2Adadelta0.000181470.5TRUETRUE20.55
5442ReLU1RMSprop0.0002211990.8FALSEFALSE97.67
6502ReLU2SGD0.00113700.1TRUETRUE76.99
7543ReLU1ADAM0.0014410.2TRUETRUE97.12
8471ReLU2SGD0.001313650.7FALSETRUE71.31
9581ReLU2ADAM0.002751450.3FALSEFALSE20.55
10402Sigmoid1ADAM0.001720250.8TRUETRUE19.96
11401ReLU1RMSprop0.037229230.9FALSETRUE19.41
UCB1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2461Sigmoid1RMSprop0.0255141950.7TRUETRUE16.95
3542ReLU1ADAM0.002851120.5TRUEFALSE20.55
4401ReLU2RMSprop0.00045370.3FALSETRUE93.64
5571Sigmoid1ADAM0.0036261710.7TRUETRUE20.55
6551Sigmoid2ADAM0.0006161600.1TRUETRUE20.55
7633ReLU2ADAM0.002251290.8TRUETRUE20.55
8551Sigmoid2ADAM0.0002181800.4FALSETRUE20.55
9423Sigmoid2ADAM0.02493920.4TRUEFALSE15.47
10503ReLU1ADAM0.0022141120.8TRUEFALSE20.55
11401ReLU2RMSprop0.00045370.3FALSETRUE93.60
LCB1643ReLU2ADAM0.001322000.2FALSEFALSE20.55
2482ReLU2SGD0.01164630.6FALSETRUE98.00
3392Sigmoid2ADAM0.0016191510.6TRUETRUE19.36
4532Sigmoid1ADAM0.0312191720.9FALSETRUE18.18
5642ReLU2SGD0.000210160.2TRUETRUE20.55
6591Sigmoid2RMSprop0.0002111300.8TRUETRUE20.55
7342Sigmoid2Adadelta0.0247131200.7TRUEFALSE20.55
8332Sigmoid2RMSprop0.00036560.6TRUEFALSE20.55
9382Sigmoid2ADAM0.004216950.2FALSEFALSE19.96
10343ReLU2RMSprop0.0056161610.2TRUEFALSE20.55
11521ReLU1SGD0.0004271100.6TRUETRUE32.46
Table 4. Comparison of performance accuracy of enhanced BO and existing methods.
Table 4. Comparison of performance accuracy of enhanced BO and existing methods.
Acquisition FunctionTransfer Learning
Model
Mean Accuracy (%)Max Accuracy (%)Min Accuracy (%)
CMA-ES [12]VGG-1620.1020.5515.67
VGG-1939.8797.0317.58
EIVGG-1634.0397.9218.81
VGG-1919.8620.5517.37
EI-PSOVGG-1638.3597.8017.16
VGG-1933.6295.6417.54
EI-ABCVGG-1636.7697.8414.41
VGG-1947.4897.6320.55
EI-HHOVGG-1641.4698.2619.36
VGG-1926.9792.8819.41
EI-SFOVGG-1643.6398.6016.65
VGG-1947.4098.3415.51
PIVGG-1633.5496.2315.68
VGG-1943.9797.6618.98
UCBVGG-1630.5997.8816.18
VGG-1926.4093.6415.47
LCBVGG-1647.1798.2616.91
VGG-1928.3798.8118.18
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

Abu, M.; Zahri, N.A.H.; Amir, A.; Ismail, M.I.; Yaakub, A.; Fukumoto, F.; Suzuki, Y. Analysis of the Effectiveness of Metaheuristic Methods on Bayesian Optimization in the Classification of Visual Field Defects. Diagnostics 2023, 13, 1946. https://doi.org/10.3390/diagnostics13111946

AMA Style

Abu M, Zahri NAH, Amir A, Ismail MI, Yaakub A, Fukumoto F, Suzuki Y. Analysis of the Effectiveness of Metaheuristic Methods on Bayesian Optimization in the Classification of Visual Field Defects. Diagnostics. 2023; 13(11):1946. https://doi.org/10.3390/diagnostics13111946

Chicago/Turabian Style

Abu, Masyitah, Nik Adilah Hanin Zahri, Amiza Amir, Muhammad Izham Ismail, Azhany Yaakub, Fumiyo Fukumoto, and Yoshimi Suzuki. 2023. "Analysis of the Effectiveness of Metaheuristic Methods on Bayesian Optimization in the Classification of Visual Field Defects" Diagnostics 13, no. 11: 1946. https://doi.org/10.3390/diagnostics13111946

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