Next Article in Journal
Automated Damage Detection on Concrete Structures Using Computer Vision and Drone Imagery
Previous Article in Journal
Changes in Trunk Kinematics in People with Chronic Non-Specific Low Back Pain Using Wearable Inertial Sensors
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Proceeding Paper

Detection of Chest X-ray Abnormalities Using CNN Based on Hyperparameter Optimization †

by
Shoffan Saifullah
1,2,*,
Bambang Yuwono
2,
Heru Cahya Rustamaji
2,3,
Bayu Saputra
2,
Felix Andika Dwiyanto
1 and
Rafał Dreżewski
1
1
Faculty of Computer Science, AGH University of Krakow, 30-059 Krakow, Poland
2
Department of Informatics, Universitas Pembangunan Nasional Veteran Yogyakarta, Yogyakarta 55281, Indonesia
3
Department of Computer Science, Faculty of Mathematics and Natural Sciences, IPB University, Bogor 16680, Indonesia
*
Author to whom correspondence should be addressed.
Presented at the 4th International Electronic Conference on Applied Sciences, 27 October–10 November 2023; Available online: https://asec2023.sciforum.net/.
Eng. Proc. 2023, 56(1), 223; https://doi.org/10.3390/ASEC2023-16260
Published: 15 November 2023
(This article belongs to the Proceedings of The 4th International Electronic Conference on Applied Sciences)

Abstract

:
The chest X-ray (CXR) is a commonly used diagnostic imaging test that requires significant expertise and careful observation due to the complex nature of the pathology and fine texture of lung lesions. Despite the long-term clinical training and professional guidance provided to radiologists, there is still the possibility of errors in diagnosis. Therefore, we have developed a novel approach using a convolutional neural network (CNN) model to detect the abnormalities of CXR images. The model was optimized using algorithms such as Adam and RMSprop. Also, several hyperparameters were optimized, including the pooling layer, convolutional layer, dropout layer, target size, and epochs. Hyperparameter optimization aims to improve the model’s accuracy by testing various combinations of hyperparameter values and optimization algorithms. To evaluate the model’s performance, we used scenario modeling to create 32 models and tested them using a confusion matrix. The results indicated that the best accuracy achieved by the model was 97.94%. This accuracy was based on training and test data using 4538 CXR images. The findings suggest that hyperparameter optimization can improve the CNN model’s accuracy in accurately identifying CXR abnormalities. Therefore, this study has important implications for improving the accuracy and reliability of CXR image interpretation, which could ultimately benefit patients by improving the detection and treatment of lung diseases. Acknowledging dataset constraints, we address future steps for model improvement.

1. Introduction

Lung disease accounts for approximately 4 million annual global deaths, including a significant proportion among children under 5 [1,2]. Chest X-ray (CXR) images are pivotal in diagnosing heart and lung conditions [3,4], yet their interpretation demands specialized skills due to intricate pathology and subtle textural variations [5]. Even experts can face challenges, leading to potential misdiagnoses [6,7].
Convolutional neural networks (CNNs) excel in image analysis [8], particularly in medical applications like CXR abnormality detection [9,10]. However, CNN performance relies heavily on hyperparameters [11] like learning rate, batch size, optimizer, and epochs [12]. Hyperparameter optimization (HPO) seeks optimal configurations [13], enhancing CNN performance in diverse domains [14]. Although the impact of HPO on CXR abnormality detection CNNs is currently under research [15,16,17], this study proposes a CNN-based CXR abnormality detection model and evaluates the impact of HPO.
This study conducts 32 experiments using a publicly available dataset to assess CNN model performance with different hyperparameters and optimization algorithms. The results emphasize the significant improvement achieved through hyperparameter optimization (HPO) in CXR abnormality detection. Our approach focuses on optimizing hyperparameters such as learning rates, batch sizes, and architectural choices to enhance accuracy in lung disease detection from CXR images. We introduce innovative strategies for hyperparameter tuning, aiming to maximize CNN performance in CXR analysis.
This article unfolds in four sections. After this introductory overview, the subsequent section details materials and methods, focusing on CNN implementation and hyperparameter optimization. Section 3 and Section 4 present the implementation, results, and discussion, followed by conclusions in Section 5.

2. Materials and Methods

This section describes the process flow and methods used in this study based on the secondary dataset. To improve performance, this study uses the CNN method with hyperparameter optimizer and optimization algorithms. The process flow of this research is detailed in Figure 1.

2.1. Dataset

This study uses a secondary dataset from Kaggle.com (accessed on 1 January 2023) as a benchmark dataset. The dataset contains 4578 CXR images divided into 2 classes, normal and abnormal (Figure 1a), both with the same amount of data. Pulmonologists and radiology specialists from Lubuksikaping Hospital, Pasaman Regency, West Sumatra, Indonesia, have validated the dataset. This validation aims to strengthen data quality in processing CXR image abnormality detection. The following will add datasets [10,18] for evaluation.

2.2. Identifying Lung Abnormalities

Lung abnormalities, from infections to structural issues, are detected using specialized imaging tests like chest X-rays and CT scans [19]. Our CNN approach uses annotated thorax images to identify conditions like pneumonia, tuberculosis, and lung cancer, with adaptation during training to improve accuracy [20]. However, final diagnoses are made by healthcare experts, with our study being aimed at enhancing model performance through hyperparameter combinations, data augmentation, and CNN testing.

2.3. Convolutional Neural Networks (CNNs)

CNNs, inspired by the visual cortex’s functioning, excel in image recognition, classification, and segmentation [21]. Comprising multiple layers, CNNs automatically learn features, as depicted in Figure 2. The initial layer, convolutional, employs filters to detect features, followed by nonlinear activation, e.g., ReLU, and downsampling through pooling (Figure 2a). Convolution and pooling cycles refine higher-level features. Fully connected final layers handle classification/regression. Backpropagation trains CNNs, with enhancements like residuals, normalization, and dropout elevating their performance.
Convolution, foundational in CNNs, extracts input data features through kernel sliding [22]. The dot product of the kernel and input at each position yields an output value, forming the feature map, as seen in Figure 2b. The output size hinges on input, kernel, stride, and padding [23]. The output feature map size formula is expressed as Equation (1).
o u t p u t _ s i z e = ( i n p u t _ s i z e k e r n e l _ s i z e + 2 p a d d i n g ) / s t r i d e + 1
Intensive convolution computation prompts hardware utilization via GPUs or TPUs. Pruning and quantization cut parameters, heightening network efficiency without hampering accuracy. Our research differs through hyperparameter optimization, enhancing model accuracy for precise CXR image interpretation, benefiting healthcare professionals and patients.

2.4. Hyperparameter Combination Scenario Design and Optimization Algorithms

This study focuses on refining the accuracy of identifying abnormal chest X-ray (CXR) images through strategic hyperparameter tuning and optimization. Max Pooling (MP) in the Pooling Layer (PL), a swift-converging CNN technique [24], enhances translation-invariance by capturing local maxima [25,26]. We apply Adam and RMSprop optimization algorithms. Adam integrates AdaGrad and RMSprop properties [27]. This combination makes it particularly proficient at dynamically adjusting learning rates to suit intricate neural networks and large-scale datasets. RMSprop utilizes averaged gradients to adjust learning rates and mitigate gradient issues.
Both the Adam and RMSprop optimization algorithms play a pivotal role in training neural networks, with adjustable hyperparameters including the learning rate, momentum, and decay rate [28]. The learning rate guides training updates, while momentum aids in mitigating oscillations. Optimal configurations and algorithm choices have a significant impact on neural network performance [29], highlighting the importance of well-designed hyperparameters and appropriate algorithms for accurate and efficient machine learning.

3. Results

3.1. CXR Image Processing

In image processing, techniques such as augmentation, fill mode, and rescaling play a vital role in enhancing the quality and quantity of training data, thereby improving the accuracy of CNNs. Data augmentation encompasses operations like rotation (with a range of 5 degrees), width shifting (range of 10%), height shifting (range of 5%), horizontal flipping, shearing (range of 10%), and zooming (range of 15%). An 80:20 dataset split was employed for training and testing. The fill mode operation addresses missing pixel values by using the reflect method, replacing them with their nearest reflected counterparts. Furthermore, min–max normalization rescales pixel values by dividing them by 255, standardizing them within the range of 0 to 1. These preprocessing techniques ensure consistent image dimensions and pixel value ranges, contributing to the heightened accuracy and efficiency of the model [18,30].

3.2. CXR-Classification-Based CNN

A comprehensive CNN model training and testing process was executed to optimize CXR image classification. This involved strategic hyperparameter tuning and optimization algorithms. The CNN model underwent 32 experiments, testing various hyperparameter combinations and optimization algorithms (Table 1).
Table 1 highlights the superior performance of the Adam optimizer. It yielded an accuracy of 97.94%, reflecting optimal quality with the highest accuracy and lowest loss (Figure 3a,b). This model was employed for detecting CXR abnormalities. The visualization depicts stable curves indicating quality, free from overfitting or underfitting concerns.
The findings indicate Adam’s superiority over RMSprop in CXR abnormality detection, considering dataset specifics, architecture, and hyperparameters. Adam’s adaptive learning rate accelerates convergence, particularly in intricate datasets. Its momentum-based updates aid in escaping local minima, crucial for sensitive tasks like chest X-ray abnormality detection. L2 regularization curbs overfitting and enhances generalization. However, achieving success relies on the selection of hyperparameters and optimization techniques.
Figure 3a,b, portray epoch-wise accuracy and loss. The blue accuracy curve signifies training, with higher values indicating better quality. The red curve reflects validation; proximity and stable value shifts denote optimal quality without overfitting.
An efficient CNN model exhibits low loss and high accuracy, evident in convergence with loss below 10% for training and validation. An accuracy of 97.94% with minimal divergence underscores model optimality.

4. Discussion

The selection of hyperparameters and optimizers can result in achieving the optimal performance of machine learning models. In the case of CNNs, hyperparameters such as the number of convolutional layers, the size of the target image, the type of pooling, and the number of epochs can significantly impact the accuracy of the model. This study conducted 32 experiments with five parameters, each with two possible values, to find the optimal combination of hyperparameters and optimizers (32 combinations).
The results indicated that each hyperparameter and optimizer tested significantly impacted the quality of the model produced. The most optimal combination was found in the experiment, which used the Adam optimizer, average pooling, four convolutional layers, a target size of 180 × 180 pixels, and 120 epochs. This combination achieved the highest accuracy rate of 97.94%, a true positive rate of 97.03%, and a true negative rate of 98.87%. Therefore, if we aim to depict these results through an ROC curve based on this model, it is presented in Figure 3c. The lowest accuracy was achieved in the experiment, which used the RMSprop optimizer, Max Pooling, four convolutional layers, a target size of 180 × 180 pixels, and 50 epochs. Comparing our method to others (Table 2), our approach outperforms existing ones, achieving an accuracy of 97.94%, demonstrating its potential for more accurate chest X-ray classification.

5. Conclusions

This paper presents a CNN-based approach for lung disease detection in CXR images, with a specific focus on hyperparameter optimization. While our core model architecture leverages existing CNN techniques, our novel strategies for hyperparameter tuning result in significantly improved accuracy. Our research contributes to the field by pushing the boundaries of CNN performance in CXR analysis. In future work, we plan to further evaluate the robustness of our model by incorporating additional data sources for evaluation.

Author Contributions

Conceptualization and methodology, B.S., B.Y., H.C.R. and S.S.; software, B.S. and S.S.; validation, R.D., S.S. and H.C.R.; programming analysis, S.S. and B.S.; investigation, B.S., S.S. and R.D.; resources, B.S. and S.S.; writing—draft preparation and writing—review and editing, S.S., B.S., R.D. and F.A.D.; visualization and supervision, S.S. and R.D.; funding acquisition, R.D. and S.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research was partly funded by the Polish Ministry of Education and Science assigned to AGH University of Krakow, and processed by PLGrid Infrastructure with grant number PLG/2023/016757.

Institutional Review Board Statement

Ethical review and approval were waived for this study, as we used freely available de-identified databases.

Informed Consent Statement

Patient consent was waived for this study, as we used freely available de-identified databases.

Data Availability Statement

The datasets used in this study are freely available and can be accessed from https://www.kaggle.com/datasets/paultimothymooney/chest-xray-pneumonia (accessed on 1 January 2023).

Acknowledgments

The authors extend their gratitude to UPN “Veteran” Yogyakarta and the AGH University of Krakow for their invaluable support in preparing and supporting this publication.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Marciniuk, D.D.; Schraufnagel, D.E. The Global Impact of Respiratory Disease; European Respiratory Society: Lausanne, Switzerland, 2017. [Google Scholar]
  2. Soriano, J.B.; Kendrick, P.J.; Paulson, K.R.; Gupta, V.; Abrams, E.M.; Adedoyin, R.A.; Adhikari, T.B.; Advani, S.M.; Agrawal, A.; Ahmadian, E.; et al. Prevalence and attributable health burden of chronic respiratory diseases, 1990–2017: A systematic analysis for the Global Burden of Disease Study 2017. Lancet Respir. Med. 2020, 8, 585–596. [Google Scholar] [CrossRef] [PubMed]
  3. Gómez, O.; Mesejo, P.; Ibáñez, O.; Valsecchi, A.; Cordón, O. Deep architectures for high-resolution multi-organ chest X-ray image segmentation. Neural Comput. Appl. 2020, 32, 15949–15963. [Google Scholar] [CrossRef]
  4. Rajasenbagam, T.; Jeyanthi, S.; Pandian, J.A. Detection of pneumonia infection in lungs from chest X-ray images using deep convolutional neural network and content-based image retrieval techniques. J. Ambient. Intell. Humaniz. Comput. 2021. Online ahead of print. [Google Scholar] [CrossRef] [PubMed]
  5. Guan, Q.; Huang, Y.; Zhong, Z.; Zheng, Z.; Zheng, L.; Yang, Y. Thorax disease classification with attention guided convolutional neural network. Pattern Recognit. Lett. 2020, 131, 38–45. [Google Scholar] [CrossRef]
  6. Alam, N.A.A.; Ahsan, M.; Based, M.A.; Haider, J.; Kowalski, M. COVID-19 Detection from Chest X-ray Images Using Feature Fusion and Deep Learning. Sensors 2021, 21, 1480. [Google Scholar] [CrossRef]
  7. Wang, D.; Mo, J.; Zhou, G.; Xu, L.; Liu, Y. An efficient mixture of deep and machine learning models for COVID-19 diagnosis in chest X-ray images. PLoS ONE 2020, 15, e0242535. [Google Scholar] [CrossRef] [PubMed]
  8. Leng, B.; Wang, C.; Leng, M.; Ge, M.; Dong, W. Deep learning detection network for peripheral blood leukocytes based on improved detection transformer. Biomed. Signal Process. Control. 2023, 82, 104518. [Google Scholar] [CrossRef]
  9. Jiang, H.; Diao, Z.; Shi, T.; Zhou, Y.; Wang, F.; Hu, W.; Zhu, X.; Luo, S.; Tong, G.; Yao, Y.D. A review of deep learning-based multiple-lesion recognition from medical images: Classification, detection and segmentation. Comput. Biol. Med. 2023, 157, 106726. [Google Scholar] [CrossRef]
  10. Iqbal, A.; Usman, M.; Ahmed, Z. Tuberculosis chest X-ray detection using CNN-based hybrid segmentation and classification approach. Biomed. Signal Process. Control 2023, 84, 104667. [Google Scholar] [CrossRef]
  11. Abubeker, K.M.; Baskar, S. B2-Net: An artificial intelligence powered machine learning framework for the classification of pneumonia in chest x-ray images. Mach. Learn. Sci. Technol. 2023, 4, 015036. [Google Scholar] [CrossRef]
  12. Ravi, V.; Acharya, V.; Alazab, M. A multichannel EfficientNet deep learning-based stacking ensemble approach for lung disease detection using chest X-ray images. Clust. Comput. 2023, 26, 1181–1203. [Google Scholar] [CrossRef] [PubMed]
  13. Hassan, E.; Shams, M.Y.; Hikal, N.A.; Elmougy, S. The effect of choosing optimizer algorithms to improve computer vision tasks: A comparative study. Multimed. Tools Appl. 2023, 82, 16591–16633. [Google Scholar] [CrossRef] [PubMed]
  14. Kothuru, A.; Nooka, S.P.; Liu, R. Application of deep visualization in CNN-based tool condition monitoring for end milling. Procedia Manuf. 2019, 34, 995–1004. [Google Scholar] [CrossRef]
  15. Awujoola, O.J.; Ogwueleka, F.N.; Odion, P.O.; Awujoola, A.E.; Adelegan, O.R. Genomic data science systems of Prediction and prevention of pneumonia from chest X-ray images using a two-channel dual-stream convolutional neural network. Data Sci. Genom. 2023, 217–228. [Google Scholar] [CrossRef]
  16. Monshi, M.M.A.; Poon, J.; Chung, V.; Monshi, F.M. CovidXrayNet: Optimizing data augmentation and CNN hyperparameters for improved COVID-19 detection from CXR. Comput. Biol. Med. 2021, 133, 104375. [Google Scholar] [CrossRef]
  17. Nayak, S.R.; Nayak, D.R.; Sinha, U.; Arora, V.; Pachori, R.B. Application of deep learning techniques for detection of COVID-19 cases using chest X-ray images: A comprehensive study. Biomed. Signal Process. Control 2021, 64, 102365. [Google Scholar] [CrossRef] [PubMed]
  18. Saifullah, S.; Dreżewski, R. Enhanced Medical Image Segmentation using CNN based on Histogram Equalization. In Proceedings of the 2023 2nd International Conference on Applied Artificial Intelligence and Computing (ICAAIC), Salem, India, 4–6 May 2023; pp. 121–126. [Google Scholar] [CrossRef]
  19. Stolz, D.; Mkorombindo, T.; Schumann, D.M.; Agusti, A.; Ash, S.Y.; Bafadhel, M.; Bai, C.; Chalmers, J.D.; Criner, G.J.; Dharmage, S.C.; et al. Towards the elimination of chronic obstructive pulmonary disease: A Lancet Commission. Lancet 2022, 400, 921–972. [Google Scholar] [CrossRef]
  20. Showkat, S.; Qureshi, S. Efficacy of Transfer Learning-based ResNet models in Chest X-ray image classification for detecting COVID-19 Pneumonia. Chemom. Intell. Lab. Syst. 2022, 224, 104534. [Google Scholar] [CrossRef]
  21. Komarichev, A.; Zhong, Z.; Hua, J. A-CNN: Annularly Convolutional Neural Networks on Point Clouds. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019. [Google Scholar]
  22. Taye, M.M. Theoretical Understanding of Convolutional Neural Network: Concepts, Architectures, Applications, Future Directions. Computation 2023, 11, 52. [Google Scholar] [CrossRef]
  23. Mushtaq, F.; Misgar, M.M.; Kumar, M.; Khurana, S.S. UrduDeepNet: Offline handwritten Urdu character recognition using deep neural network. Neural Comput. Appl. 2021, 33, 15229–15252. [Google Scholar] [CrossRef]
  24. Zafar, A.; Aamir, M.; Mohd Nawi, N.; Arshad, A.; Riaz, S.; Alruban, A.; Dutta, A.K.; Almotairi, S. A Comparison of Pooling Methods for Convolutional Neural Networks. Appl. Sci. 2022, 12, 8643. [Google Scholar] [CrossRef]
  25. He, Z.; Shao, H.; Zhong, X.; Zhao, X. Ensemble transfer CNNs driven by multi-channel signals for fault diagnosis of rotating machinery cross working conditions. Knowl.-Based Syst. 2020, 207, 106396. [Google Scholar] [CrossRef]
  26. Nirthika, R.; Manivannan, S.; Ramanan, A.; Wang, R. Pooling in convolutional neural networks for medical image analysis: A survey and an empirical study. Neural Comput. Appl. 2022, 34, 5321–5347. [Google Scholar] [CrossRef] [PubMed]
  27. Rajyalakshmi, V.; Lakshmanna, K. Detection of car parking space by using Hybrid Deep DenseNet Optimization algorithm. Int. J. Netw. Manag. 2023. Early view. [Google Scholar] [CrossRef]
  28. Li, Y.; Ren, X.; Zhao, F.; Yang, S. A Zeroth-Order Adaptive Learning Rate Method to Reduce Cost of Hyperparameter Tuning for Deep Learning. Appl. Sci. 2021, 11, 10184. [Google Scholar] [CrossRef]
  29. Matrenin, P.V.; Manusov, V.Z.; Khalyasmaa, A.I.; Antonenkov, D.V.; Eroshenko, S.A.; Butusov, D.N. Improving Accuracy and Generalization Performance of Small-Size Recurrent Neural Networks Applied to Short-Term Load Forecasting. Mathematics 2020, 8, 2169. [Google Scholar] [CrossRef]
  30. Saifullah, S.; Drezewski, R. Modified Histogram Equalization for Improved CNN Medical Image Segmentation. In Proceedings of the 27th International Conference on Knowledge-Based and Intelligent Information & Engineering Systems (KES 2023), Athens, Greece, 6–8 September 2023. [Google Scholar]
  31. Singh, S.; Tripathi, B.K. Pneumonia classification using quaternion deep learning. Multimed. Tools Appl. 2022, 81, 1743–1764. [Google Scholar] [CrossRef]
  32. Stephen, O.; Sain, M.; Maduh, U.J.; Jeong, D.U. An Efficient Deep Learning Approach to Pneumonia Classification in Healthcare. J. Healthc. Eng. 2019, 2019, 4180949 . [Google Scholar] [CrossRef]
  33. Mogaveera, R.; Maur, R.; Qureshi, Z.; Mane, Y. Multi-class Chest X-ray classification of Pneumonia, Tuberculosis and Normal X-ray images using ConvNets. ITM Web Conf. 2022, 44, 03007. [Google Scholar] [CrossRef]
  34. Szepesi, P.; Szilágyi, L. Detection of pneumonia using convolutional neural networks and deep learning. Biocybern. Biomed. Eng. 2022, 42, 1012–1022. [Google Scholar] [CrossRef]
  35. Sourab, S.Y.; Kabir, M.A. A comparison of hybrid deep learning models for pneumonia diagnosis from chest radiograms. Sensors Int. 2022, 3, 100167. [Google Scholar] [CrossRef]
Figure 1. (a) Sample CXR images depicting (i) normal and (ii) abnormal conditions, serving as the dataset for (b) the flowchart outlining the sequence of steps in CXR image abnormality detection. The process begins with image preprocessing, followed by processing using a Convolutional Neural Network (CNN) approach to accurately identify abnormalities in chest radiographs of CXR image abnormality detection.
Figure 1. (a) Sample CXR images depicting (i) normal and (ii) abnormal conditions, serving as the dataset for (b) the flowchart outlining the sequence of steps in CXR image abnormality detection. The process begins with image preprocessing, followed by processing using a Convolutional Neural Network (CNN) approach to accurately identify abnormalities in chest radiographs of CXR image abnormality detection.
Engproc 56 00223 g001
Figure 2. (a) CNN Architecture for CXR image classification and (b) the detailed model in Python.
Figure 2. (a) CNN Architecture for CXR image classification and (b) the detailed model in Python.
Engproc 56 00223 g002
Figure 3. Curves of (a) accuracy and (b) loss in the optimal trial training and validation process, and (c) resulting in ROC results in CXR abnormality detection.
Figure 3. Curves of (a) accuracy and (b) loss in the optimal trial training and validation process, and (c) resulting in ROC results in CXR abnormality detection.
Engproc 56 00223 g003
Table 1. The results of testing the CNN model with hyperparameter optimization.
Table 1. The results of testing the CNN model with hyperparameter optimization.
Hyperparameter
Target Size (Pixel)
Epoch
4 Convolutional Layer5 Convolutional Layer
64 × 64180 × 18064 × 64180 × 180
50120501205012050120
Maxpooling
(Accuracy)
Adam
RMSprop
95.18%
91.99%
93.69%
95.11%
95.91%
88.17%
93.70%
95.96%
94.97%
93.96%
96.81%
95.25%
95.89%
96.10%
97.09%
94.05%
Averagepooling
(Accuracy)
Adam
RMSprop
96.52%
95.60%
97.45%
95.04%
96.38%
94.97%
97.94%
95.11%
95.75%
95.75%
96.88%
96.17%
96.10%
96.16%
97.52%
95.96%
Table 2. Comparison of proposed method with others for CXR classification.
Table 2. Comparison of proposed method with others for CXR classification.
PerformanceProposedQCNN
[31]
CNN- b 0
[32]
ConvNets
[33]
CNN Dropout
[34]
CNN- b 1
[35]
CNN-SVM
[35]
CNN-KNN
[35]
Accuracy97.94%93.75%94.81%93%97.37%94.55%97.32%96.55%
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

Saifullah, S.; Yuwono, B.; Rustamaji, H.C.; Saputra, B.; Dwiyanto, F.A.; Dreżewski, R. Detection of Chest X-ray Abnormalities Using CNN Based on Hyperparameter Optimization. Eng. Proc. 2023, 56, 223. https://doi.org/10.3390/ASEC2023-16260

AMA Style

Saifullah S, Yuwono B, Rustamaji HC, Saputra B, Dwiyanto FA, Dreżewski R. Detection of Chest X-ray Abnormalities Using CNN Based on Hyperparameter Optimization. Engineering Proceedings. 2023; 56(1):223. https://doi.org/10.3390/ASEC2023-16260

Chicago/Turabian Style

Saifullah, Shoffan, Bambang Yuwono, Heru Cahya Rustamaji, Bayu Saputra, Felix Andika Dwiyanto, and Rafał Dreżewski. 2023. "Detection of Chest X-ray Abnormalities Using CNN Based on Hyperparameter Optimization" Engineering Proceedings 56, no. 1: 223. https://doi.org/10.3390/ASEC2023-16260

Article Metrics

Back to TopTop