You are currently viewing a new version of our website. To view the old version click .
Diagnostics
  • Article
  • Open Access

17 May 2023

Detection of Monkeypox Disease from Human Skin Images with a Hybrid Deep Learning Model

Department of Electrical and Electronics Engineering, Faculty of Engineering and Architecture, Kafkas University, Kars TR 36100, Turkey
This article belongs to the Special Issue Artificial Intelligence Advances for Medical Computer-Aided Diagnosis

Abstract

Monkeypox, a virus transmitted from animals to humans, is a DNA virus with two distinct genetic lineages in central and eastern Africa. In addition to zootonic transmission through direct contact with the body fluids and blood of infected animals, monkeypox can also be transmitted from person to person through skin lesions and respiratory secretions of an infected person. Various lesions occur on the skin of infected individuals. This study has developed a hybrid artificial intelligence system to detect monkeypox in skin images. An open source image dataset was used for skin images. This dataset has a multi-class structure consisting of chickenpox, measles, monkeypox and normal classes. The data distribution of the classes in the original dataset is unbalanced. Various data augmentation and data preprocessing operations were applied to overcome this imbalance. After these operations, CSPDarkNet, InceptionV4, MnasNet, MobileNetV3, RepVGG, SE-ResNet and Xception, which are state-of-the-art deep learning models, were used for monkeypox detection. In order to improve the classification results obtained in these models, a unique hybrid deep learning model specific to this study was created by using the two highest-performing deep learning models and the long short-term memory (LSTM) model together. In this hybrid artificial intelligence system developed and proposed for monkeypox detection, test accuracy was 87% and Cohen’s kappa score was 0.8222.

1. Introduction

Monkeypox is a type of zootonic virus that first emerged through transmission from animals to humans. There appear to be two different lineages of this virus, a west African lineage and a central African lineage. There are animal species that are susceptible to this double-stranded DNA virus. These include tree and rore squirrels, dormice and Gambian pouched rats. Monkeypox is a serious global health problem, affecting the rest of the world in addition to West and East Africa, where its genetic lineage is found. Although it originated in animals, it can also be transmitted from person to person through respiratory secretions and skin lesions during travel. So far, monkeypox has been reported in many countries including Nigeria, Israel, Singapore, Singapore, the United States and the United Kingdom, in addition to Africa, where it first emerged. With monkeypox, it generally takes between 6 and 13 days after infection for symptoms to appear. The infection is divided into two parts: invasion period and skin eruption. In the invasion period, back pain, intense headache, fever, etc., are observed and this lasts between 0 and 5 days. In skin eruption, the appearance of fever varies between 1 and 3 days. Depending on factors such as the health status of the patient and the duration of exposure to the virus, the duration of symptoms in monkeypox, where severe cases are mostly seen in children, is between 2 and 4 weeks. Case fatality rates are observed to be between 3% and 6% [1].
In addition to monkeypox, chickenpox and measles are among the diseases caused by the virus on the skin. This study uses a 4-class open source dataset of skin images and performs monkeypox detection by multi-class classification with a hybrid artificial intelligence system. The main contributions of this study are listed below.
  • Since the open source dataset used in this study, which consists of normal, monkeypox, measles, and chickenpox classes, initially had an unbalanced structure, a balanced dataset was created by equalizing the amount of data in each class with data preprocessing and data augmentation operations.
  • In the new augmented dataset, the dataset was randomly divided into 80% train, 10% validation and 10% test for training the deep learning models to be used for monkeypox detection.
  • In order to analyze the classification results more accurately, augmentation was performed on the train dataset, while no augmentation was performed on the validation and test datasets.
  • First, the classification process was performed using state-of-the-art deep learning models, CSPDarkNet, InceptionV4, MnasNet, MobileNetV3, RepVGG, SE-ResNet and Xception.
  • Then, in order to improve the classification results and to develop a unique model, a hybrid deep learning model was created by combining the two models with the highest results from these deep learning models and the long short-term memory (LSTM) model.
  • In order to further improve monkeypox detection, a unique hybrid artificial intelligence system was developed with a convolutional neural network (CNN)-based model and a LSTM encoder network.

3. Materials and Methods

The dataset used in this study for monkeypox detection is an open source shared dataset through the Kaggle platform [25]. The dataset consists of normal, monkeypox, measles and chickenpox classes. It is understood that the distribution in the dataset is unbalanced. However, in artificial intelligence models used in classification problems, the class distribution should be as balanced as possible in order to fully realize network training. For this reason, various data augmentation operations were first performed on the dataset. These augmentations are equalize, horizontal flip, random brightness contrast, hue saturation value, shift scale rotate and RGB shift. The parameters and values of the data augmentations are given in Table 1. Additionally, Figure 1 and Figure 2 show the first version of the dataset and the new version after augmentation, respectively.
Table 1. Data augmentation types and parameters (p = probability).
Figure 1. Original first version of the dataset.
Figure 2. The new version of the dataset after data augmentation.
A total of 770 skin image datasets are available in the initial version of the dataset, including 293 normal, 279 monkeypox, 91 measles and 197 chickenpox images. Before data augmentation, a total of 240 images, 60 from each class in the original dataset, were selected for use in the test and validation dataset. Data augmentation was applied to the remaining images from the original dataset and a train dataset containing 960 images was obtained. Thanks to this method, the images in the test and validation set are not included in the train dataset. In this way, the success of this study and the designed models were handled in a more realistic way. After the data augmentation operations obtained by performing data preprocessing, a new dataset with a total of 1200 skin images, 300 in each class, was obtained. A sample image of both the original images and the images after data processing for each class of the dataset used in this study are given in Figure 3 and Figure 4, respectively.
Figure 3. A sample of the classes of the dataset in its original state.
Figure 4. A sample of classes after dataset preprocessing.
In the new version of the dataset with data augmentation and data preprocessing, the training, validation and test distributions required for network training and classification in deep learning models are 80%, 10% and 10%, respectively. The images in each class were randomly determined in this data percentage distribution. No splitting occurred in the augmented dataset. A total of 30 test and 30 validation images were randomly selected for each class from the original dataset. The purpose of the random selection is that the researcher does not have the images in the test and validation dataset relatively easily. After this step, a test and validation dataset containing 120 images in total was obtained. A training dataset containing 960 images is required to ensure 80% training, 10% validation and 10% testing. Therefore, these 960 training datasets were obtained by augmenting the remaining 530 images in the original dataset. There is no imbalance as the test dataset contains 30 images from each class. Information on the amount and distribution of the data for each class is also shown in Figure 5 below.
Figure 5. Dataset quantity and distribution.
In the open source dataset used in this study, there are 300 images for each class—240 in the training data, 30 in the test data, and 30 in the validation data. A total of 960 images were used for training in the dataset. No augmentation was made to analyze the classification results performed with the test dataset more realistically and accurately. Since the dataset distribution was determined as 80%, 10%, and 10%, the size of the training dataset was determined in this way.
First of all, a total of 7 different state-of-the-art deep learning models were used: CSPDarkNet with 53 layers, MnasNet with 100 layers, SE-ResNet with 50 layers, Xcep-tion with 71 layers, and InceptionV4, MobileNetV3, and RepVGG with different layer values. In addition to using these deep learning models for classification, a unique hybrid model was created by combining the best two CNN models with the LSTM model. All deep learning models that were customized and used in the classification process are given below as subheadings.

3.1. CSPDarkNet

DarkNet is a convolutional neural network used as a backbone in the YOLO object detection model. This backbone, which contains 3 × 3 and 1 × 1 convolutional layers, has different types depending on the number of layers [26]. Cross Stage Partial Network (CSPNet) is a backbone that can be applied in many different deep learning models and makes the model lightweighted [27]. In the YOLOv4 object detection model, CSPDarkNet with 53 layers was used as the backbone [28]. In addition to being used as a backbone in object detection models, it is also used in classification problems since it is a convolution neural network. In this study, CSPDarkNet-53 model is used for monkeypox detection by modifying the last layer.

3.2. InceptionV4

InceptionV4 is a convolutional neural network with more inception modules compared to its predecessor InceptionV3. InceptionV4 is an inception variant of the hybrid inception version Inception-ResNetV2 which does not include residual connections [29]. InceptionV4 model architecture used in this study was used for monkeypox detection.

3.3. MnasNet

MnasNet is a convolutional neural network whose main building block is the in-verted residual block in MobileNetV2 and proposes an automated mobile neural architecture search approach [30]. The MnasNet model used in this study has 100 layers and the number of features in the last layer is adapted for multi-class classification in accordance with the monkeypox dataset classes.

3.4. MobileNetV3

MobileNetV3 is a convolutional neural network that boasts an efficient design incorporating squeeze-and-excitation modules, making it suitable for various tasks such as classification, segmentation, and detection. This network has two variants, MobileNetV3-Large and MobileNetV3-Small, which cater to different levels of resource usage. On the ImageNet dataset for classification and the COCO dataset for detection, MobileNetV3 demonstrates improved performance compared to its predecessor, MobileNetV2 [31]. In this study, the MobileNetV3-Large model with 100 layers was adapted and used for monkeypox detection.

3.5. RepVGG

RepVGG is fundamentally a deep learning model that employs 3 × 3 convolution layers and ReLU non-linear activation functions. It features two primary types, RepVGG-A and RepVGG-B, each with distinct subtypes corresponding to the layers within each stage [32]. The RepVGG-B0 model, with its varying number of layers among the subtypes, was adapted to accommodate the specific task of monkeypox detection in this current study.

3.6. SE ResNet

SE ResNet is a variant of the ResNet model and is a deep learning model that in-cludes squeeze-and-excitation blocks. This model, which uses the SE ResNet module instead of the original ResNet module, gives better classification performance than many models on the ImageNet dataset [33]. A modified SE ResNet model architecture was used for monkeypox detection. In monkeypox detection using the 50-layer SE ResNet model, the number of features was reduced to 4 in the last layer in accordance with the multi-class classification and the number of classes was equalized.

3.7. Xception

The Xception model is a convolutional neural network that includes depthwise separable convolution layers instead of the inception module and uses model parameters more efficiently compared to the InceptionV3 model. The Xception deep learning model, which stands out with its better performance than the InceptionV3 model, especially on the ImageNet database, can be used for many image classification problems [34]. In this study, Xception is used by modifying the last layer to generate an output with 4 classes suitable for monkeypox detection.

3.8. LSTM

The LSTM model is a deep learning model, which is a type of recurrent neural networks. Its basic architecture consists of input, recurrent LSTM and output layers, respectively. LSTMs actually address the vanishing gradient problem. The recurrent connections in the LSTM layer are cyclic [35,36]. In this study, the LSTM model is used as an encoder network immediately after the CNN structure in the developed hybrid model. The architectural details of the LSTM used are described in detail in the experiments section.

4. Experiments

In the classification studies for monkeypox detection, seven different deep learning models with different layers and structures were used alone. The training process was carried out in this study by adapting pretrained deep learning models that utilized transfer learning from the ImageNet dataset. The initial 1000-class structure in the final layers was transformed to a four-class configuration, tailored to the dataset employed in the current research. After data augmentation and preprocessing, the results of these classification processes were analyzed and the best two CNN models were determined. These models were combined with a LSTM encoder network and a hybrid artificial intelligence system for monkeypox detection was developed. The proposed approach for monkeypox detection is presented in Figure 6 below.
Figure 6. Proposed approach for monkeypox disease detection.
The block diagram of the hybrid artificial intelligence system proposed within the scope of this study is given in Figure 7 below. The “Image” section refers to human skin images utilized in this research. Following the necessary augmentation and preprocessing of the dataset images, they are fed into two distinct encoders. “Encoder 0” corresponds to the RepVGG-B0 deep learning model, whereas “Encoder 1” denotes the MnasNet-100 deep learning model. Upon entering the artificial intelligence system, the two encoders yield “Features 0” and “Features 1”, comprising 1280 features for RepVGG and MnasNet, respectively. Subsequently, a concatenation operation is performed on both models’ features, resulting in 2560 combined features, as indicated in the “Total Features” section. This novel CNN encoder structure is then integrated with an LSTM model. Following the LSTM outputs, referred to as “LSTM Features”, a “Dropout FCs” layer with a ratio of 0.1 is connected to the “FC Layer”. Finally, the monkeypox detection process is executed through the “Prediction” output. The structure of the proposed hybrid model is further detailed in Algorithm 1 below.
Algorithm 1 Proposed CNN–LSTM Hybrid Model
Input: test_dataset
Process:
  for image in test_dataset:
   features_0 = Model_I (image)
   features_1 = Model_II (image)
   total_features = concat (features_0, features_1)
   features_lstm = LSTM (total_features)
   out = nn.Linear (1024, 256) (features_lstm)
   Dropout (0.1)
   out = nn.Linear (256, 128) (features_lstm)
   Dropout (0.1)
prediction = nn.Linear (128, num_classes) (features_lstm)
Output: prediction
Figure 7. Block diagram of the proposed hybrid artificial intelligence system.
The operation of the above proposed algorithm is as follows: Images from any dataset are sent to both CNN architectures, respectively, and two different feature maps are obtained. Then, a single vector is obtained by combining both feature maps. This feature vector obtained is given as an input to an LSTM network and the LSTM network is provided to perform a feature extraction. The final feature vector obtained is passed through two layers and the classification process is performed.
Classification was performed using the Google Colab environment. All classifications in Colab are based on PyTorch, an open source machine learning framework. In addition, torch was used for the LSTM model, timm [37] for CNN encoder, albumentations [38] for data augmentation, and splitfolders for dataset generation. The parameters used in all artificial intelligence models for monkeypox detection are learning rate 0.001, epoch 100, batch size 8, optimizer Adam, loss function cross entropy loss.

4.1. Evaluation Metrics

There are many evaluation metrics in the literature to clearly evaluate the results obtained in binary and/or multi-class classification problems. In order to accurately analyze the results of multi-class classification for monkeypox detection, many possible evaluation metrics have been obtained in this study. These metrics are confusion matrices consisting of true-positive (TP), false-positive (FP), true-negative (TN) and false-negative (TN) values for each class; precision, recall, f1 score, ROC curve, AUC score obtained for each class; and accuracy, Cohen’s kappa score and Matthews correlation coefficient score obtained using training, validation and test data. Equations (1)–(9) were taken into account in the calculation of all metrics.
Accuracy =   p 0 = TP + TN TP   +   TN   +   FP   +   FN
p positive = TP   +   FP TP   +   FN TP   +   TN   +   FP   +   FN 2
p negative = FN   +   TN FP   +   TN TP   +   TN   +   FP   +   FN 2
p e = p positive + p negative
Cohen s   kappa = p 0 p e 1 p e
Matthews   correlation = TN TP FP FN TN + FN FP + TP TN + FP FN + TP
Precision = TP TP + FP
Recall = TP TP + FN
F 1   score = 2 TP 2 TP + FP + FN

4.2. Monkeypox Detection Results of Deep Learning Models

The mean accuracy with standard deviation (±SD), highest accuracy, Cohen’s kappa, and Matthews correlation coefficient (MCC) scores obtained in the training phase for seven different state-of-the-art deep learning models used in monkeypox detection and the precision, recall, f1 score and AUC score values in the monkeypox class are given in Table 2 below. Epoch change graphs of accuracy for training are included in Figure A1 in Appendix A.
Table 2. Training results of deep learning models (SD: Standard Deviation, AUC: Area Under the ROC (Receiver Operator Characteristic) Curve, MCC: Matthews Correlation Coefficient).
The training results in the table above show that network training was performed in the best way in the MnasNet model with the highest accuracy value. The precision, recall, f1 score and AUC score values and mean accuracy with standard deviation (±SD), highest accuracy, Cohen’s kappa, Matthews correlation coefficient scores in the monkeypox class obtained for the validation phase in deep learning models used for monkeypox detection are given in Table 3 below. Epoch change graphs of accuracy for validation are included in Figure A2 in Appendix B.
Table 3. Validation results of deep learning models (SD: Standard Deviation, AUC: Area Under the ROC (Receiver Operator Characteristic) Curve, MCC: Matthews Correlation Coefficient).
Table 3 shows that the best-performing models are CSPDarkNet and MnasNet for accuracy, Cohen’s kappa and Matthews correlation coefficient scores. Best epoch of accuracy for training and validation is included in Table A1 in Appendix C. Table 4 shows the accuracy with standard deviation (±SD), Cohen’s kappa, Matthews correlation coefficient scores for the classifications performed on the test data after training and validation, as well as the precision, recall, f1 score and AUC score values in the monkeypox class.
Table 4. Test results of deep learning models (SD: Standard Deviation, AUC: Area Under the ROC (Receiver Operator Characteristic) Curve, MCC: Matthews Correlation Coefficient).
In the multi-class classification process for monkeypox detection, the highest accuracy values among seven different deep learning models were obtained as 0.85 in RepVGG and 0.84 in MnasNet. The ROC curves obtained for each class with deep learning models on the test dataset are given in Figure 8 below.
Figure 8. ROC curves in test (ROC: Receiver Operator Characteristic).
Among the deep learning models used in classification, the ROC curves in the monkeypox class show that the two highest AUC scores are in the RepVGG and Xception models. The confusion matrices obtained for the test dataset are given in Figure 9 below.
Figure 9. Confusion matrices in test.
The classification results obtained using the test dataset show that the models to be used in the CNN part of the hybrid model should be RepVGG and MnasNet to further improve classification accuracy.

4.3. Monkeypox Detection Results of the Proposed Hibrid Deep Learning Model

The proposed CNN–LSTM hybrid deep learning model for monkeypox detection achieved the following scores on the test dataset: 0.87 accuracy, 0.8222 Cohen’s kappa, and 0.8240 Matthews correlation coefficient score. Furthermore, for the monkeypox class, the model attained 0.93 precision, 0.87 recall, 0.90 f1 score, and 0.9344 AUC score values. Below, Figure 10 shows the ROC curve for the proposed hybrid deep learning model and Figure 11 shows the confusion matrix.
Figure 10. ROC curve in the proposed hybrid model (ROC: Receiver Operator Characteristic).
Figure 11. Confusion matrix in the proposed hybrid model.
Two deep learning models, RepVGG and MnasNet, which produced the highest results among the seven different models employed for monkeypox detection, were utilized in the proposed hybrid deep learning model within the scope of this study. The evaluation metric results for the test dataset can be found in Figure 12 and Table 5 below. The results show an increase in accuracy, Cohen’s kappa and Matthews correlation coefficient scores with the hybrid model.
Figure 12. Test results of RepVGG, MnasNet and the proposed hybrid deep learning model (AUC: Area Under the ROC (Receiver Operator Characteristic) Curve, MCC: Matthews Correlation Coefficient).
Table 5. Test results of RepVGG, MnasNet and the proposed hybrid deep learning model (SD: Standard Deviation, AUC: Area Under the ROC (Receiver Operator Characteristic) Curve, MCC: Matthews Correlation Coefficient).
There are many independent variables such as the dataset used in studies on similar subjects, batch sizes and image sizes that change depending on the performance of the devices used during model training, and hyper parameters (optimizer, learning rate, mini batch size) preferred during model training. In two different studies using the same model, different results can be achieved by using different batch sizes. However, this does not mean that one of the models is worse. In this context, since the classification results obtained depend on the dataset, it is more appropriate to evaluate it in itself. In this study, it was found that hybrid models achieve higher performance than conventional models.

5. Conclusions and Future Works

In this study, firstly, data augmentation and preprocessing operations were per-formed on open source and 4-class human skin images in order to make the dataset balanced. In the created balanced dataset, classification was performed with seven different pretrained deep learning models. Each of these various deep learning models used in this study was used pretrained in ImageNet. The structure, which has 1000 classes in ImageNet, has been made into 4 classes to be suitable for operation. While machine learning algorithms and traditional neural networks process the image as a single input, convolutional neural networks use a moving filter to allow the model to learn local features such as edges and corners. Convolutional neural network architectures can have a very deep structure, containing tens or even hundreds of layers, making it easier to learn complex features in the data compared to other methods. Therefore, better results were obtained using convolutional neural networks in this study. The results obtained were analyzed and a hybrid deep learning model was created by using the best two CNN models and LSTM encoder together in order to further improve monkeypox detection. A 140-layer RepVGG-B0 and a 100-layer MnasNet100 were used in the CNN part of the CNN–LSTM hybrid model proposed in this study. In the LSTM part, there are four layers. The final classifier network of the hybrid model consists of two layers. With this hybrid artificial intelligence system created for monkeypox disease detection, the highest classification results were obtained, 0.87, 0.8222 and 0.8240 in test accuracy, Cohen’s kappa and Matthews correlation coefficient scores, respectively. Since hybrid systems are designed by combining different types of models, they can learn more generalizable features and thus overfitting is prevented. Likewise, combining different architectures gives reliable results with higher accuracy for the problem being dealt with. For this reason, a hybrid artificial intelligence system was used in this study. The contributions of this study to the literature are listed below.
  • In order to analyze the classification results correctly, the imbalance in the dataset was eliminated with various data augmentation methods and the dataset was balanced.
  • The augmentation procedures for the new balanced dataset were applied only to the training dataset. Thus, since the validation and test datasets were in its original state, the evaluation metrics obtained in the classification could be analyzed in a more realistic way.
  • In order to detect monkeypox, many different state-of-the-art deep learning models were used, adapted to multi-class classification.
  • The classification results of deep learning models with different layers and structures were analyzed with many different evaluation metrics and the two most appropriate CNN models were determined.
  • A study-specific hybrid deep learning model was developed with CNN models and LSTM encoder models.
  • With the proposed CNN–LSTM hybrid artificial intelligence system, the highest test accuracy, Cohen’s kappa and Matthews correlation coefficient scores in monkeypox detection were obtained.
In future studies, machine learning models can be utilized for monkeypox disease detection alongside the deep learning models used in this study and the hybrid model developed in this study. In addition to the multi-class classification, which is a more comprehensive classification problem, binary classifications can be performed for different human skin diseases. In the future, an online web interface, an offline graphical user interface and/or a mobile application for monkeypox detection can be developed for real-time use by physicians.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Data Availability Statement

Data used in this study are available at: https://www.kaggle.com/datasets/dipuiucse/monkeypoxskinimagedataset (accessed on 1 September 2022).

Conflicts of Interest

The author declares no conflict of interest.

Appendix A. Epoch Change Graphs of Accuracy for Training

Epoch change graphs of accuracy for training are given in Figure A1 below. The training accuracies given in Table 2 are the highest values in the training accuracy and epoch change graphs given in Figure A1.
Figure A1. Epoch change graphs of accuracy for training.

Appendix B. Epoch Change Graphs of Accuracy for Validation

Epoch change graphs of accuracy for validation are given in Figure A2 below. The validation accuracies given in Table 3 are the highest values in the validation accuracy and epoch change graphs given in Figure A2.
Figure A2. Epoch change graphs of accuracy for validation.

Appendix C. Best Epoch of Accuracy for Training and Validation

Best epoch of accuracy for training and validation is given in Table A1 below. The training accuracy given in Table 2 and the validation accuracy given in Table 3 are the values corresponding to the best epochs given in Table A1. When the epoch values with the highest accuracy given in this table are examined, it is observed that network training in the training part is completed with a rate close to 100%. When the validation part is examined, it is seen that the highest scores are mostly obtained within the first 50 epochs. Classification processes in the test dataset were carried out using weights at the highest epoch values obtained in validation, and no network training was performed in the test dataset. The independence of the test dataset from the validation dataset made the results more realistic and reliable.
Table A1. Best epoch of accuracy for training and validation.
Table A1. Best epoch of accuracy for training and validation.
Model NameBest Epoch of Accuracy for TrainingBest Epoch of Accuracy for Validation
CSPDarkNet8317
InceptionV410019
MnasNet953
MobileNetV3994
RepVGG8441
SE-ResNet98100
Xception8735

References

  1. Monkeypox. Available online: https://www.who.int/news-room/fact-sheets/detail/monkeypox (accessed on 1 January 2023).
  2. Abdelhamid, A.A.; El-Kenawy, E.-S.M.; Khodadadi, N.; Mirjalili, S.; Khafaga, D.S.; Alharbi, A.H.; Ibrahim, A.; Eid, M.M.; Saber, M. Classification of Monkeypox Images Based on Transfer Learning and the Al-Biruni Earth Radius Optimization Algorithm. Mathematics 2022, 10, 3614. [Google Scholar] [CrossRef]
  3. Almutairi, S.A. DL-MDF-OH2: Optimized Deep Learning-Based Monkeypox Diagnostic Framework Using the Metaheuristic Harris Hawks Optimizer Algorithm. Electronics 2022, 11, 4077. [Google Scholar] [CrossRef]
  4. Dwivedi, M.; Tiwari, R.G.; Ujjwal, N. Deep Learning Methods for Early Detection of Monkeypox Skin Lesion. In Proceedings of the 8th International Conference on Signal Processing and Communication (ICSC), Noida, India, 1–3 December 2022. [Google Scholar]
  5. Gairola, A.K.; Kumar, V. Monkeypox Disease Diagnosis using Machine Learning Approach. In Proceedings of the 8th International Conference on Signal Processing and Communication (ICSC), Noida, India, 1–3 December 2022. [Google Scholar]
  6. Irmak, M.C.; Aydin, T.; Yağanoğlu, M. Monkeypox skin lesion detection with MobileNetV2 and VGGNet models. In Proceedings of the 2022 Medical Technologies Congress (TIPTEKNO), Antalya, Turkey, 31 October–2 November 2022. [Google Scholar]
  7. Khafaga, D.S.; Ibrahim, A.; El-Kenawy, E.-S.M.; Abdelhamid, A.A.; Karim, F.K.; Mirjalili, S.; Khodadadi, N.; Lim, W.H.; Eid, M.M.; Ghoneim, M.E. An Al-Biruni Earth Radius Optimization-Based Deep Convolutional Neural Network for Classifying Monkeypox Disease. Diagnostics 2022, 12, 2892. [Google Scholar] [CrossRef] [PubMed]
  8. Singh, U.; Songare, L.S. Analysis and Detection of Monkeypox using the GoogLeNet Model. In Proceedings of the 2022 International Conference on Automation, Computing and Renewable Systems (ICACRS), Pudukkottai, India, 13–15 December 2022. [Google Scholar]
  9. Sitaula, C.; Shahi, T.B. Monkeypox virus detection using pre-trained deep learning-based approaches. J. Med. Syst. 2022, 46, 78. [Google Scholar] [CrossRef] [PubMed]
  10. Sahin, V.H.; Oztel, I.; Yolcu Oztel, G. Human monkeypox classification from skin lesion images with deep pre-trained network using mobile application. J. Med. Syst. 2022, 46, 79. [Google Scholar] [CrossRef]
  11. Ahsan, M.M.; Uddin, M.R.; Ali, M.S.; Islam, M.K.; Farjana, M.; Sakib, A.N.; Momin, K.A.; Luna, S.A. Deep transfer learning approaches for Monkeypox disease diagnosis. Expert Syst. Appl. 2023, 216, 119483. [Google Scholar] [CrossRef]
  12. Altun, M.; Gürüler, H.; Özkaraca, O.; Khan, F.; Khan, J.; Lee, Y. Monkeypox Detection Using CNN with Transfer Learning. Sensors 2023, 23, 1783. [Google Scholar] [CrossRef]
  13. Uzun Ozsahin, D.; Mustapha, M.T.; Uzun, B.; Duwa, B.; Ozsahin, I. Computer-Aided Detection and Classification of Monkeypox and Chickenpox Lesion in Human Subjects Using Deep Learning Framework. Diagnostics 2023, 13, 292. [Google Scholar] [CrossRef]
  14. Saleh, A.I.; Rabie, A.H. Human monkeypox diagnose (HMD) strategy based on data mining and artificial intelligence techniques. Comput. Biol. Med. 2023, 152, 106383. [Google Scholar] [CrossRef]
  15. Almufareh, M.F.; Tehsin, S.; Humayun, M.; Kausar, S. A Transfer Learning Approach for Clinical Detection Support of Monkeypox Skin Lesions. Diagnostics 2023, 13, 1503. [Google Scholar] [CrossRef]
  16. Alrusaini, O.A. Deep Learning Models for the Detection of Monkeypox Skin Lesion on Digital Skin Images. Int. J. Adv. Comput. Sci. Appl. 2023, 14, 637–644. [Google Scholar] [CrossRef]
  17. Ariansyah, M.H.; Winarno, S.; Sani, R.R. Monkeypox and Measles Detection using CNN with VGG-16 Transfer Learning. J. Comput. Res. Innov. 2023, 8, 32–44. [Google Scholar] [CrossRef]
  18. Bala, D.; Hossain, M.S.; Hossain, M.A.; Abdullah, M.I.; Rahman, M.M.; Manavalan, B.; Gu, N.; Islam, M.S.; Huang, Z. MonkeyNet: A robust deep convolutional neural network for monkeypox disease detection and classification. Neural Netw. 2023, 161, 757–775. [Google Scholar] [CrossRef]
  19. Çelik, M.; Özkan, İ. Detection of Monkeypox Among Different Pox Diseases with Different Pre-Trained Deep Learning Models. J. Inst. Sci. Technol. 2023, 13, 10–21. [Google Scholar] [CrossRef]
  20. Gupta, A.; Bhagat, M.; Jain, V. Blockchain-enabled healthcare monitoring system for early Monkeypox detection. J. Supercomput. 2023, 1–25. [Google Scholar] [CrossRef]
  21. Pramanik, R.; Banerjee, B.; Efimenko, G.; Kaplun, D.; Sarkar, R. Monkeypox detection from skin lesion images using an amalgamation of CNN models aided with Beta function-based normalization scheme. PLoS ONE 2023, 18, e0281815. [Google Scholar] [CrossRef]
  22. Thieme, A.H.; Zheng, Y.; Machiraju, G.; Sadee, C.; Mittermaier, M.; Gertler, M.; Salinas, J.L.; Srinivasan, K.; Gyawali, P.; Carrillo-Perez, F.; et al. A deep-learning algorithm to classify skin lesions from mpox virus infection. Nat. Med. 2023, 29, 738–747. [Google Scholar] [CrossRef]
  23. Velu, M.; Dhanaraj, R.K.; Balusamy, B.; Kadry, S.; Yu, Y.; Nadeem, A.; Rauf, H.T. Human Pathogenic Monkeypox Disease Recognition Using Q-Learning Approach. Diagnostics 2023, 13, 1491. [Google Scholar] [CrossRef]
  24. Yasmin, F.; Hassan, M.M.; Hasan, M.; Zaman, S.; Kaushal, C.; El-Shafai, W.; Soliman, N.F. PoxNet22: A Fine-Tuned Model for the Classification of Monkeypox Disease Using Transfer Learning. IEEE Access 2023, 11, 24053–24076. [Google Scholar] [CrossRef]
  25. Monkeypox Skin Images Dataset (MSID). Available online: https://www.kaggle.com/datasets/dipuiucse/monkeypoxskinimagedataset (accessed on 1 September 2022).
  26. Redmon, J.; Farhadi, A.; Redmon, J.; Farhadi, A. Yolov3: An incremental improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar]
  27. Wang, C.Y.; Liao, H.Y.M.; Wu, Y.H.; Chen, P.Y.; Hsieh, J.W.; Yeh, I.H. CSPNet: A new backbone that can enhance learning capability of CNN. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Virtual, 14–19 June 2020. [Google Scholar]
  28. Bochkovskiy, A.; Wang, C.Y.; Liao, H.Y.M. Yolov4: Optimal speed and accuracy of object detection. arXiv 2020, arXiv:2004.10934. [Google Scholar]
  29. Szegedy, C.; Ioffe, S.; Vanhoucke, V.; Alemi, A. Inception-v4, inception-resnet and the impact of residual connections on learning. In Proceedings of the AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  30. Tan, M.; Chen, B.; Pang, R.; Vasudevan, V.; Sandler, M.; Howard, A.; Le, Q.V. Mnasnet: Platform-aware neural architecture search for mobile. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019. [Google Scholar]
  31. Howard, A.; Sandler, M.; Chu, G.; Chen, L.C.; Chen, B.; Tan, M.; Wang, W.; Zhu, Y.; Pang, R.; Vasudevan, V.; et al. Searching for mobilenetv3. In Proceedings of the IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Republic of Korea, 27 October–2 November 2019. [Google Scholar]
  32. Ding, X.; Zhang, X.; Ma, N.; Han, J.; Ding, G.; Sun, J. Repvgg: Making vgg-style convnets great again. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Virtual, 20–25 June 2021. [Google Scholar]
  33. Hu, J.; Shen, L.; Sun, G. Squeeze-and-excitation networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018. [Google Scholar]
  34. Chollet, F. Xception: Deep learning with depthwise separable convolutions. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017. [Google Scholar]
  35. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735. [Google Scholar] [CrossRef] [PubMed]
  36. Sak, H.; Senior, A.; Beaufays, F. Long short-term memory based recurrent neural network architectures for large vocabulary speech recognition. arXiv 2014, arXiv:1402.1128. [Google Scholar]
  37. Pytorch Image Models. Available online: https://github.com/rwightman/pytorch-image-models (accessed on 1 September 2022).
  38. Buslaev, A.; Iglovikov, V.I.; Khvedchenya, E.; Parinov, A.; Druzhinin, M.; Kalinin, A.A. Albumentations: Fast and Flexible Image Augmentations. Information 2020, 11, 125. [Google Scholar] [CrossRef]
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.

Article Metrics

Citations

Article Access Statistics

Multiple requests from the same IP address are counted as one view.