Next Article in Journal
Assessment of Inspiratory Effort in Spontaneously Breathing COVID-19 ARDS Patients Undergoing Helmet CPAP: A Comparison between Esophageal, Transdiaphragmatic and Central Venous Pressure Swing
Next Article in Special Issue
Privacy-Aware Collaborative Learning for Skin Cancer Prediction
Previous Article in Journal
Whole-Body Magnetic Resonance Imaging (MRI) for Staging Melanoma Patients in Direct Comparison to Computed Tomography (CT): Results from a Prospective Positron Emission Tomography (PET)/CT and PET/MRI Study
Previous Article in Special Issue
Anti-Aliasing Attention U-net Model for Skin Lesion Segmentation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Federated Machine Learning for Skin Lesion Diagnosis: An Asynchronous and Weighted Approach

by
Muhammad Mateen Yaqoob
1,
Musleh Alsulami
2,*,
Muhammad Amir Khan
1,*,
Deafallah Alsadie
2,
Abdul Khader Jilani Saudagar
3 and
Mohammed AlKhathami
3
1
Department of Computer Science, Abbottabad Campus, COMSATS University Islamabad, Abbottabad 22060, Pakistan
2
Information Systems Department, Umm Al-Qura University, Makkah 21961, Saudi Arabia
3
Information Systems Department, College of Computer and Information Sciences, Imam Mohammad Ibn Saud Islamic University (IMSIU), Riyadh 11432, Saudi Arabia
*
Authors to whom correspondence should be addressed.
Diagnostics 2023, 13(11), 1964; https://doi.org/10.3390/diagnostics13111964
Submission received: 27 April 2023 / Revised: 16 May 2023 / Accepted: 26 May 2023 / Published: 5 June 2023

Abstract

:
The accurate and timely diagnosis of skin cancer is crucial as it can be a life-threatening disease. However, the implementation of traditional machine learning algorithms in healthcare settings is faced with significant challenges due to data privacy concerns. To tackle this issue, we propose a privacy-aware machine learning approach for skin cancer detection that utilizes asynchronous federated learning and convolutional neural networks (CNNs). Our method optimizes communication rounds by dividing the CNN layers into shallow and deep layers, with the shallow layers being updated more frequently. In order to enhance the accuracy and convergence of the central model, we introduce a temporally weighted aggregation approach that takes advantage of previously trained local models. Our approach is evaluated on a skin cancer dataset, and the results show that it outperforms existing methods in terms of accuracy and communication cost. Specifically, our approach achieves a higher accuracy rate while requiring fewer communication rounds. The results suggest that our proposed method can be a promising solution for improving skin cancer diagnosis while also addressing data privacy concerns in healthcare settings.

1. Introduction

Artificial intelligence (AI) has become increasingly popular in recent years as a powerful tool for solving various modern problems. One of the branches of AI is machine learning (ML), which enables computers to learn from data without explicit programming. Deep learning (DL) is a type of ML that uses artificial neural networks (ANNs) to learn models and patterns instead of being specifically programmed for a task. Many medical fields have adopted machine learning and deep learning methods for identifying different disorders.
However, collecting sensitive health information, such as patients’ confidential data, can be challenging due to privacy concerns. Health institutions may need to transfer data to a server for training an ML or DL model, which creates a potential risk of compromising patients’ privacy and security. To address this concern, several international regulations such as the California Consumer Privacy Act (CCPA) [1], General Data Protection Regulation (GDPR) [2], and Cybersecurity Law of China [3] have been proposed to ensure the privacy of clients’ data.
To overcome this challenge, federated learning (FL) is an excellent technique. FL allows a shared global model to be trained on local clients’ parameters without disclosing sensitive data to the server [4]. The clients train their local models on their private data, and the trained models are then aggregated on the server to create a global model. Figure 1 depicts the working mechanism of FL in a healthcare system. This global model is then sent back to the clients to train their models on. FL is critical for maintaining patient privacy and security while achieving clinical-grade accuracy, as shown by various workflows in the health field [5].
Healthcare data are very sensitive, and their use is tightly controlled due to the significant time, effort, and cost associated with collecting, curating, and maintaining a high-quality dataset. Therefore, data sharing is uncommon in the industry, resulting in cooperative algorithm training without data exchange. In FL workflows, aggregation can take place on a server or through peer-to-peer sharing. Federated learning requires a lot of communication resources, but the FedOpt approach offers a solution by using the Sparse Compression Algorithm (SCA) to reduce communication overhead [6]. FedOpt also uses lightweight homomorphic encryption to aggregate gradients securely and effectively. To maintain privacy and uniqueness, a differential privacy strategy based on the Laplace mechanism is utilized.
Synchronous federated learning involves clients sending their models or gradients to the server, and aggregation begins after all clients have sent their models. Asynchronous federated learning reduces communication costs by dividing models into shallow and deep layers that use CNNs, DNNs, or LSTMs. In ref. [7], asynchronous federated learning with a temporal-weighted aggregation approach is proposed to further reduce communication costs. Their contributions include an asynchronous technique that updates parameters in the shallow and deep layers of CNNs at various rates to reduce the number of parameters that need to be sent to the server. Additionally, a temporally weighted aggregation approach is suggested to aggregate trained models at the client level more effectively.
Skin cancer is a disease characterized by uncontrolled growth of certain body cells that spread to other parts of the body. Skin cancer can be caused by the abnormal growth of skin cells and is usually found in areas of the skin that are exposed to the sun, such as the face, arms, neck, or hands. There are three main types of skin cancer, including basal cell carcinoma, squamous cell carcinoma, and melanoma.
Melanoma is the most dangerous and serious type of skin cancer, which occurs due to severe damage and mutation of skin cells’ DNA. The damaged skin cells replicate quickly and form malignant tumors due to exposure to UV light or the use of artificial tanning tools. If melanoma is detected at an early stage, it is treatable. Basal cell carcinoma is the most common form of skin cancer and affects basal cells, which are in the deeper layers of the epidermis, and it is primarily caused by significant sun exposure to certain body areas. Squamous cell carcinoma (SCC) can develop on any part of the skin, including the mouth and genital mucous membranes, but it is more commonly found in areas such as the ears, lower lip, face, bald area of the skull, neck, hands, arms, and legs. The skin in those areas often shows obvious signs of solar damage, including wrinkles, color changes, and loss of flexibility. Figure 2 shows these types of skin lesions.
Early detection is critical in treating skin cancer, and melanoma is the most dangerous type, responsible for up to 75% of deaths. Researchers in [8] developed a deep learning method for accurately detecting skin cancer using 11 candidate single architectures of convolutional neural networks (CNNs) on the HAM10000 dataset, which contains 7 categories of cutaneous lesions. They addressed issues with imbalances and similarity between skin lesion photos by using data augmentation, transfer learning, and fine-tuning. The model achieved a 92% accuracy rate. In ref. [9], a fully automated technique was proposed for segmenting cutaneous melanoma at the earliest stage using a combination of deep learning techniques, including faster region-based convolutional neural networks (RCNN) and fuzzy k-means (FKM) clustering. The proposed method was tested using various clinical photos to determine whether it could help dermatologists diagnose this potentially fatal condition early. The presented technique performs preprocessing on the dataset photos to eliminate noise and lighting issues and improve visual information before using faster-RCNN to produce a feature vector of fixed length. FKM is then used to divide the melanoma-affected skin area into segments with varying sizes and borders.
The issues of privacy and communication efficiency motivate us to propose an asynchronous FL technique using CNN for skin cancer prediction. This proposed technique allows local training on many distributed devices without requiring them to be synchronized, which is particularly useful for mobile devices with limited connectivity. This approach can leverage a large amount of data from different sources to train a more accurate model while preserving data privacy. Asynchronous federated learning is also robust to network failures and can continue to learn from available devices, making it a promising approach for skin cancer prediction. Our paper proposes a decentralized privacy-aware method for skin cancer prediction in a healthcare environment. The key contributions of our approach are as follows:
  • We introduce a novel approach that improves communication efficiency and prediction accuracy for skin cancer prediction, addressing data privacy concerns in healthcare settings.
  • We leverage convolutional neural networks (CNNs) for client ends and an asynchronous version of federated learning (FL) for model aggregation at the global center server. This approach enables us to optimize communication rounds by dividing CNN layers into shallow and deep layers, with shallow layers updated more frequently.
  • We evaluate our approach on a skin cancer dataset and show that it outperforms existing methods and baseline FL methods in terms of convergence time, prediction accuracy, and communication efficiency for skin cancer prediction. Specifically, our approach achieves a higher accuracy rate while requiring fewer communication rounds.
Our results demonstrate that our proposed method can provide a promising solution for improving skin cancer diagnosis while addressing data privacy concerns in healthcare settings. This contribution can potentially impact the development of similar privacy-aware machine learning methods for healthcare applications. Section 2 discusses related work in skin cancer detection using DL, ML, and AI methods. Section 3 gives the proposed methodology. Section 4 is about the results of the proposed methodology, and finally, Section 5 concludes the article.

2. Related Work

From environmental causes to hereditary vulnerability, there are many elements that affect how skin disorders are influenced. Many socioeconomic issues, including wealth, inequality, poverty and education, and access to medical care, are responsible. The Global Burden of Disease (GBD) study [10] found that skin conditions ranked fourth among the most prevalent diseases in terms of the burden they place on society. Both in high- and low-income nations, skin conditions are a major contributor to psychological and social difficulties [11].
Anxiety, despair, rage, social isolation, and low self-esteem are among symptoms of skin disease [12,13]. If skin illness is discovered before it has been present for a long time, it is expected that it will be treatable. Dermatologists struggle to identify skin illnesses; nevertheless, many of them share the same color and anatomical features [14]. However, ML has made a startling change possible. ML has made medical imaging dramatically different, particularly in terms of illness identification. ML models have demonstrated activity in medical research at the level of humans thanks to advancements in computer processing power and the availability of an enormous amount of data [15]. For instance, CNNs have sped up the development of medical image processing (such as CT and MRI scans) [16]. Clinical photos are unsuitable for study because of varying resolutions, complex situations, and privacy issues, especially with images of delicate body parts. Additionally, the dataset image for skin diseases is not well labelled with information. Furthermore, there are extremely few accessible datasets that contain labelled data. For all disorders, research on skin pictures is problematic.
For the diagnosis and classification of skin diseases, numerous research publications have been published. Many of these researchers have used deep learning algorithms to categorize skin diseases [17]. For instance, ref. [18]’s use of the V3 inception design shows good accuracy in classifying skin cancers. For 9 kinds of malignancies, 2 dermatological tests had respective accuracies of 55.0% and 53.3%. A 55.4% average accuracy was displayed by the model. They investigated a nonlinear support vector machine (SVM) method for melanoma diagnosis, using 70% of the data for training and 30% for testing. The studies’ average accuracy rate was 76%. Zhang et al., in 2018 [19], also suggested the V3 inception design on dermoscopy images utilizing the same network for classifying four common skin diseases, including melanocytic nevus, psoriasis, SK, and BCC. The results were 87.25% accurate. Rarely are the studies mentioned above more than 90% accurate. Photos of diabetic retinopathy from the Messidor dataset were categorized using a modified AlexNet architecture in [20]. Based on four categories, they have been divided as follows: healthy retina, DR stage 1, DR stage 2, and DR stage 3. Both the DR stage 1 and the DR stage 3 displayed a maximum accuracy of 96.6% for the AlexNet model. To identify skin conditions, viral infections, and bacterial infections, Tushabe et al. investigated various machine learning techniques, including the twin-layer perceptron neural network (NN), the k-nearest neighbor classifier (KNN), and the support vector classifier with two norms (SVC) [21]. After the KNN classifier, which showed maximum accuracy, the SVM classifier showed a higher accuracy of 92%. Despite receiving the maximum level of accuracy, some crucial measures (f1 score, recall, and precision) are not described. It is also unknown how many datasets were used.
The authors of [22] suggested classification research to diagnose melanoma based on dermoscopy images using a multilayer preceptor (MLP) classifier. Higher training and testing accuracy were shown by the MLP. Gurovich et al. [23] introduced a CNN method known as DeepGestalt, and the model was trained using 17,000 face photographs of people with genetic diseases. More than 200 images can be consistently and precisely identified by their program. To the best of our knowledge, there has not been a model created for classifying skin diseases that takes the privacy of the photographs into account.
The use of FL in the field of medicine is being attempted by several researchers. Researchers in [24] demonstrated a federated learning system that can create a global model from local data spread over many sites that are stored locally. They demonstrated the practicality and efficacy of the FL architecture using actual electronic health data from more than 1 million patients, while keeping the relevance of the global model. In ref. [25], four types of skin diseases were included in a custom image dataset, a CNN model was proposed and compared with multiple CNN algorithms, and an experiment was run to test how well data privacy could be maintained utilizing an FL strategy. The dataset was expanded, and the model was made broader using an image augmentation method. The concept of classifying human skin using CNN-based skin disease categorization combined with FL is astounding. Utilizing four different publicly available datasets, the performance and generalization capabilities of the proposed system are evaluated when several heartbeat classifications are considered. The experimental findings show that the suggested asynchronous federated learning (Async-FL) approach can achieve favorable classification performance while simultaneously ensuring privacy, flexibility to varied subjects, and reducing network bandwidth usage [26].
Classification of skin cancer using an improved NN-based technique is proposed in [27]. They utilized transfer learning and LSTM for effective classification of skin lesions. Skin cancer detection using an enhanced version of FL is proposed in [28,29]. To evaluate the effectiveness of FL for healthcare service providers, the authors in [30,31] propose the upgraded versions of FL for effective disease diagnosis, while ensuring data privacy and achieving better prediction accuracy. A solution to optimization problems using a distributed algorithm is proposed in [32]. They proposed a DANE algorithm based on the Newton-type distributed optimization algorithm, which aims to minimize the communication rounds among the nodes.

3. Materials and Methods

In this section, an enhanced FL approach with CNN is proposed to address the issues of privacy and effective prediction of skin lesion in a healthcare system. Skin cancer is a condition that can be fatal. We proposed a model employing CNN and asynchronous version of FL for precise privacy-aware skin cancer prediction.

Proposed Asynchronous FL-CNN for Skin Cancer

A CNN method is employed to identify skin cancer at the client level. The multiple layers that make up the CNN are individually used to extract features. Since shallow levels in a CNN learn the generic features that are relevant to numerous tasks and datasets, only a tiny percentage of the parameters in CNNs (those in the shallow layers) represent features general to different datasets. The number of communication rounds rises because of the constant updating of these layers for better outcomes. In this paper, an asynchronous method for federated learning is proposed, which allows multiple client nodes to train a model collaboratively. The main objective is to develop a model in such a manner that provides better accuracy across all clients. This proposed method reduces the communication rounds required by updating shallow layers more often than deep layers. In the traditional FL, all layers of the model are updated synchronously, hence resulting in a communication burden. Our proposed Async-FL-CNN method updates shallow layers concurrently with deep layers to reduce the amount of data that needs to be transferred. To classify images, the Async-FL-CNN method uses CNN architecture, which consists of convolutional layers, max-pooling layers, and fully connected layers. The cross-entropy loss function measures the difference between predicted and actual class labels.
FL traditional algorithms face two primary issues, which are low accuracy and high communication overhead. High communication overhead results from the large number of communication rounds required to train the model. The Async-FL-CNN method addresses these issues in multiple ways. First, the layer-by-layer asynchronous updating method reduces the communication overhead by updating the shallow layer parameters more frequently than deep layer parameters. Second, the proposed method uses dropout, a regularization technique that prevents overfitting and improves generalization across clients. Finally, the proposed method uses a client selection algorithm that selects the most suitable clients based on their data and hardware characteristics, further improving the accuracy and efficiency of the model.
This is what we refer to as a layer-by-layer model update, and it is depicted in Figure 3.
Algorithms 1 and 2 depict the stagewise working of the proposed method for both the client and center sever end. The proposed Async-FL-CNN works at the hospital client end and at the data center server end, and it is illustrated in Figure 4. The working of each stage is explained below.
Initialization: Async-FL starts by initializing a u0 global model, which is then shared among every k client.
Local Client Training: Each local client k, upon reception of initial u0 global model, trains the global model on its local data (skin cancer dermoscopy images) asynchronously, without waiting for other clients. Initially CNN function is applied for the detection of skin cancer. The subfunction gets k and u. B and E are the local mini-batch size and the number of local epochs, respectively. η is the learning rate. The updated models are sent to the central server.
Aggregation: In line 5 of Algorithm 1, the central server collects and aggregates the model updates from all the clients to create a new global model.
Model Update: The central server updates the global model with the aggregated updates and sends it back to all the clients.
Evaluation: Each client evaluates the global model on their local data and sends the results to the central server.
Termination: The training process continues until a maximum number of iterations. The final global model is then used for inference.
Algorithm 1: Center Server Asynchronous FL-CNN
1: initialize with u0 as initial global model
2: Perform for every local client k ∈ {1, 2…, K}
(i) Assign (timestampgk, timestampsk) ← 0
3: for each communication round = 1, 2…t
(i) if (t % current round = setES)
(ii) Assign flag = 1
(iii) else assign flag = 0
(iv) m ← maximum from (C and K)
(v) St ← (selection of random set of m clients)
4: for every kSt parallelly compute
(i) if flag =1
(ii) uk ← Client-Side-Function (k, ut, f lag)
(iii) Update (timestampgkt, timestampskt)
(iv) else ugk ← Client-Side-Function (k, ug, t, flag)
5: if flag = 1 then
(i) ug, t + 1 ← ( k = 1 K n k / n ) * fg (t, k) ∗ uk //where fg (t, k) = α − (t − timestampgk)
(ii) else us, t + 1 ← ( k = 1 K n k / n ) * fs (t, k) ∗ us //where fs (t, k) = α − (t − timestampsk)
Algorithm 2: Client-Side Asynchronous FL-CNN
Client-Side-Function (k, v, f lag)

1: for i = 1 to k
2: Convolution
3: Perform convolution
4: Average pooling with fully connected
5: ReLu function
6: B ← (split Pk into batches of size B)
7: for each local epoch i from 1 to E do
8: for batch b ∈ B do
9: u ← us − η ∗ (v; b)
10: if flag = 1
(i) return u to server
(ii) else return us to server

4. Experimental Results and Discussion

4.1. Description of Utilized Dataset

The ISIC-2019 dataset of dermoscopy skin lesion images was used. In this section, we discuss the dataset used for effective melanoma skin lesion detection and classification. We perform the training and testing of our proposed technique on International Skin Imaging Collaboration (ISIC) 2019 dataset. This ISIC-2019 dataset described in Table 1 (available at https://challenge2019.isic-archive.com/ accessed on 8 March 2023) contains skin lesion images from eight different classes of skin cancers, namely melanoma (MLA), basal cell carcinoma (BCC), squamous cell carcinoma (SCC), vascular lesion (VLN), melanocytic nevus (MCN), benign keratosis (BGK), actinic keratosis (ATK), and dermatofibroma (DFA). The ISIC-2019 dataset contains overall 25,331 dermoscopy images, 21,491 for training, 1930 for testing, and 1910 for validation.

4.2. Experimental Implementation

The experimentation of the proposed method is conducted using the PyTorch programming library for machine learning tasks on Google Colaboratory with NVIDIA Tesla T4 16 GB graphic processing unit (GPU). Table 2 below describes the experimental settings and parameters used for the experiments.
The federated learning setting requires data to be distributed among the clients for the local training, and our implementation is carried out for five clients. Details of the dermoscopy image data distributed among the clients are demonstrated in Table 3.

4.3. Results and Discussion

The performance of the proposed method in terms of accuracy, loss, precision, consumption of communication size, local epoch effects, and convergence rate is measured and compared with the existing baseline federated learning methods, such as the CNN version for FedAvg (Federated Averaging) and FedSGD (Federated Stochastic Gradient Descent), as well as with one existing technique, Fed-Ensemble-CNN. Table 4 depicts the performance of existing methods and our proposed technique in terms of F1 score, recall, sensitivity, specificity, precision, and loss. The proportion of correctly classified samples out of the total number of samples was used to measure accuracy.
Accuracy = TP   +   TN TP   + TN + FP + FN
whereas the proportion of true positives out of all positive samples was used to calculate sensitivity or recall.
Recall = TP TP +   FN
The proportion of true positives out of all positive samples was used to calculate sensitivity or precision.
Precision = TP TP +   FP
The fraction of true negatives in all negative samples was defined as specificity.
Specificity = TN TN +   FP
The F1 score was determined as a mix of precision and recall.
F 1 - Score = 2   ( Precision Recall Precision +   Recall )
The training, validation, and testing accuracy of the proposed method is compared with existing methods and is shown in Table 5. Our proposed Async-FL-CNN achieves better performance as compared with the existing and baseline models. Because the proposed technique allows the local clients to asynchronously train their local datasets using the CNN.
The convergence rate is defined in terms of rounds of communication utilized to achieve the accuracy of the model. Figure 5 illustrates the comparison of the convergence rate of the proposed method. Our proposed technique achieves higher accuracy with less communication rounds.
The ISIC-2019 dataset consists of eight classes of skin lesions. The classwise precision, specificity, sensitivity, and recall achieved by the proposed Async-FL-CNN is illustrated in Table 6. The proposed asynchronous federated learning approach with CNN achieved remarkable performance metrics for skin cancer prediction. The model demonstrated high accuracy, sensitivity, specificity, precision, and recall. The reported sensitivity of 94.1% and specificity of 96.3% indicate that the model accurately identified true positive and true negative cases. Additionally, the reported precision of 96.7% and recall of 92.6% suggest that the model correctly identified a high proportion of positive cases with a relatively low number of false positives. Overall, these performance metrics demonstrate that the proposed asynchronous federated learning approach with CNN was effective in achieving high accuracy and robustness for skin cancer prediction.
Figure 6 depicts the comparison of validation and testing accuracy with the validation and testing loss of the proposed Async-FL-CNN method.
The communication efficiency in terms of consumed volume for communication by the methods is depicted in Figure 7.

5. Conclusions

This article proposes an asynchronous model update technique and a CNN method to detect skin cancer disease and to lower the communication costs and enhance the learning performance of federated learning. This article proposes an asynchronous learning strategy on the clients and a temporally distributed learning approach to present an improved federated learning technology: weighted aggregation of the server’s local models. The accuracy and convergence of the central model are improved by introducing an asynchronous weighted temporal approach on the server to utilize the previously trained local models on a dataset of skin lesions to test the proposed approach. This study makes the supposition that all local models use the same neural network design and share common hyperparameters, including the SGD learning rate. To further enhance learning performance and lower communication costs, we will build new federated learning algorithms in our next research that will enable clients to develop their own models.

Author Contributions

Conceptualization, M.M.Y. and M.A.K.; methodology, M.M.Y., M.A. (Musleh Alsulami) and D.A.; software, M.A. (Mohammed AlKhathami), A.K.J.S. and M.M.Y.; validation, M.A.K., D.A. and M.A. (Musleh Alsulami); formal analysis, M.M.Y. and A.K.J.S.; investigation, A.K.J.S. and M.A.K.; resources, M.M.Y. and M.A.K.; data curation, M.M.Y. and M.A. (Musleh Alsulami); writing—original draft preparation, M.M.Y., M.A. (Mohammed AlKhathami) and A.K.J.S.; writing—review and editing, M.M.Y., M.A.K., M.A. (Musleh Alsulami) and D.A.; visualization, M.M.Y. and M.A.K. supervision, M.A. (Musleh Alsulami); project administration, M.A. (Musleh Alsulami), A.K.J.S., D.A. and M.A.K.; funding acquisition, M.A. (Musleh Alsulami). All authors have read and agreed to the published version of the manuscript.

Funding

Deanship for Research & Innovation, Ministry of Education in Saudi Arabia for funding this research work through the project number: IFP22UQU4290525DSR227.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

We ran simulations to see how well the proposed approach performed. Any questions concerning the study in this publication are welcome and can be directed to the lead author (Muhammad Amir Khan) upon request.

Acknowledgments

The authors extend their appreciation to the Deanship for Research & Innovation, Ministry of Education in Saudi Arabia for funding this research work through the project number: IFP22UQU4290525DSR227.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. De la Torre, L. A Guide to the California Consumer Privacy Act of 2018. SSRN. 2018. Available online: https://papers.ssrn.com/sol3/papers.cfm?abstract_id=3275571 (accessed on 10 December 2022).
  2. Voigt, P.; Von dem Bussche, A. Scope of application of the GDPR. In The EU General Data Protection Regulation; Springer: Cham, Switzerland, 2017; pp. 9–30. [Google Scholar]
  3. Wagner, J. China’s Cybersecurity Law: What You Need to Know. The Diplomat, 1 June 2017. Available online: https://thediplomat.com/2017/06/chinas-cybersecurity-law-what-you-need-to-know/ (accessed on 15 December 2022).
  4. Xu, J.; Wang, F.; Glicksberg, B.S.; Su, C.; Walker, P.; Bian, J. Federated Learning for Healthcare Informatics. J. Healthc. Inform. Res. 2020, 5, 1–19. [Google Scholar] [CrossRef]
  5. Rieke, N.; Hancox, J.; Li, W.; Milletarì, F.; Roth, H.R.; Albarqouni, S.; Bakas, S.; Galtier, M.N.; Landman, B.A.; Maier-Hein, K.; et al. The future of digital health with federated learning. NPJ Digit. Med. 2020, 3, 119. [Google Scholar] [CrossRef]
  6. Asad, M.; Moustafa, A.; Ito, T. FedOpt: Towards Communication Efficiency and Privacy Preservation in Federated Learning. Appl. Sci. 2020, 10, 2864. [Google Scholar] [CrossRef] [Green Version]
  7. Chen, Y.; Sun, X.; Jin, Y. Communication-Efficient Federated Deep Learning With Layerwise Asynchronous Model Update and Temporally Weighted Aggregation. IEEE Trans. Neural Netw. Learn. Syst. 2020, 31, 4229–4238. [Google Scholar] [CrossRef]
  8. Kousis, I.; Perikos, I.; Hatzilygeroudis, I.; Virvou, M. Deep Learning Methods for Accurate Skin Cancer Recognition and Mobile Application. Electronics 2022, 11, 1294. [Google Scholar] [CrossRef]
  9. Nawaz, M.; Mehmood, Z.; Nazir, T.; Naqvi, R.A.; Rehman, A.; Iqbal, M.; Saba, T. Skin cancer detection from dermoscopic images using deep learning and fuzzy k-means clustering. Microsc. Res. Tech. 2021, 85, 339–351. [Google Scholar] [CrossRef]
  10. Hay, R.J.; Johns, N.E.; Williams, H.C.; Bolliger, I.; Dellavalle, R.P.; Margolis, D.J.; Marks, R.; Naldi, L.; Weinstock, M.A.; Wulf, S.K.; et al. The Global Burden of Skin Disease in 2010: An Analysis of the Prevalence and Impact of Skin Conditions. J. Investig. Dermatol. 2014, 134, 1527–1534. [Google Scholar] [CrossRef] [Green Version]
  11. Tuckman, A. The Potential Psychological Impact of Skin Conditions. Dermatol. Ther. 2017, 7, 53–57. [Google Scholar] [CrossRef] [Green Version]
  12. Zhou, X.; Zhu, W.; Shen, M.; He, Y.; Peng, C.; Kuang, Y.; Su, J.; Zhao, S.; Chen, X.; Chen, W. Frizzled-related proteins 4 (SFRP4) rs1802073G allele predicts the elevated serum lipid levels during acitretin treatment in psoriatic patients from Hunan, China. PeerJ 2018, 6, e4637. [Google Scholar] [CrossRef] [Green Version]
  13. Bewley, A. The neglected psychological aspects of skin disease. BMJ (Online) 2017, 358, j3208. [Google Scholar] [CrossRef]
  14. Roslan, R.B.; Razly, I.N.M.; Sabri, N.; Ibrahim, Z. Evaluation of psoriasis skin disease classification using convolutional neural network. IAES Int. J. Artif. Intell. 2020, 9, 349–355. [Google Scholar] [CrossRef]
  15. Deng, J.; Dong, W.; Socher, R.; Li, L.-J.; Li, K.; Fei-Fei, L. ImageNet: A large-scale hierarchical image database. In Proceedings of the 2009 IEEE Conference on Computer Vision and Pattern Recognition, Miami, FL, USA, 20–25 June 2009; pp. 248–255. [Google Scholar] [CrossRef] [Green Version]
  16. Wu, Z.; Zhao, S.; Peng, Y.; He, X.; Zhao, X.; Huang, K.; Wu, X.; Fan, W.; Li, F.; Chen, M.; et al. Studies on Different CNN Algorithms for Face Skin Disease Classification Based on Clinical Images. IEEE Access 2019, 7, 66505–66511. [Google Scholar] [CrossRef]
  17. Esteva, A.; Kuprel, B.; Novoa, R.A.; Ko, J.; Swetter, S.M.; Blau, H.M.; Thrun, S. Dermatologist-level classification of skin cancer with deep neural networks. Nature 2017, 542, 115–118. [Google Scholar] [CrossRef] [PubMed]
  18. Codella, N.C.F.; Nguyen, Q.-B.; Pankanti, S.; Gutman, D.A.; Helba, B.; Halpern, A.C.; Smith, J.R. Deep learning ensembles for melanoma recognition in dermoscopy images. IBM J. Res. Dev. 2017, 61, 5:1–5:15. [Google Scholar] [CrossRef] [Green Version]
  19. Chen, W.; Zhang, X.; Zhang, W.; Peng, C.; Zhu, W.; Chen, X. Polymorphisms of SLCO1B1 rs4149056 and SLC22A1 rs2282143 are associated with responsiveness to acitretin in psoriasis patients. Sci. Rep. 2018, 8, 13182. [Google Scholar] [CrossRef]
  20. Shanthi, T.; Sabeenian, R. Modified Alexnet architecture for classification of diabetic retinopathy images. Comput. Electr. Eng. 2019, 76, 56–64. [Google Scholar] [CrossRef]
  21. Okuboyejo, D.A.; Olugbara, O.O. A Review of Prevalent Methods for Automatic Skin Lesion Diagnosis. Open Dermatol. J. 2018, 12, 14–53. [Google Scholar] [CrossRef]
  22. Sheha, M.A.; Mabrouk, M.S.; Sharawy, A. Automatic Detection of Melanoma Skin Cancer using Texture Analysis. Int. J. Comput. Appl. 2012, 42, 22–26. [Google Scholar]
  23. Gurovich, Y.; Hanani, Y.; Bar, O.; Nadav, G.; Fleischer, N.; Gelbman, D.; Basel-Salmon, L.; Krawitz, P.M.; Kamphausen, S.B.; Zenker, M.; et al. Identifying facial phenotypes of genetic disorders using deep learning. Nat. Med. 2019, 25, 60–64. [Google Scholar] [CrossRef]
  24. Choudhury, O.; Gkoulalas-Divanis, A.; Salonidis, T.; Sylla, I.; Park, Y.; Hsu, G.; Das, A. Differential Privacy-enabled Federated Learning for Sensitive Health Data. arXiv 2019, arXiv:1910.02578. Available online: http://arxiv.org/abs/1910.02578 (accessed on 2 February 2023).
  25. Hossen, N.; Panneerselvam, V.; Koundal, D.; Ahmed, K.; Bui, F.M.; Ibrahim, S.M. Federated Machine Learning for Detection of Skin Diseases and Enhancement of Internet of Medical Things (IoMT) Security. IEEE J. Biomed. Health Inform. 2022, 27, 835–841. [Google Scholar] [CrossRef]
  26. Sakib, S.; Fouda, M.M.; Fadlullah, Z.M.; Abualsaud, K.; Yaacoub, E.; Guizani, M. Asynchronous Federated Learning-based ECG Analysis for Arrhythmia Detection. In Proceedings of the 2021 IEEE International Mediterranean Conference on Communications and Networking, MeditCom 2021, Athens, Greece, 7–10 September 2021; pp. 277–282. [Google Scholar] [CrossRef]
  27. Srinivasu, P.N.; SivaSai, J.G.; Ijaz, M.F.; Bhoi, A.K.; Kim, W.; Kang, J.J. Classification of skin disease using deep learning neural networks with MobileNet V2 and LSTM. Sensors 2021, 21, 2852. [Google Scholar] [CrossRef]
  28. Bdair, T.; Navab, N.; Albarqouni, S. Semi-Supervised Federated Peer Learning for Skin Lesion Classification. arXiv 2021, arXiv:2103.03703. Available online: http://arxiv.org/abs/2103.03703 (accessed on 3 February 2023). [CrossRef]
  29. Hashmani, M.A.; Jameel, S.M.; Rizvi, S.S.H.; Shukla, S. An Adaptive Federated Machine Learning-Based Intelligent System for Skin Disease Detection: A Step toward an Intelligent Dermoscopy Device. Appl. Sci. 2021, 11, 2145. [Google Scholar] [CrossRef]
  30. Yaqoob, M.M.; Nazir, M.; Khan, M.A.; Qureshi, S.; Al-Rasheed, A. Hybrid Classifier-Based Federated Learning in Health Service Providers for Cardiovascular Disease Prediction. Appl. Sci. 2023, 13, 1911. [Google Scholar] [CrossRef]
  31. Yaqoob, M.M.; Nazir, M.; Yousafzai, A.; Khan, M.A.; Shaikh, A.A.; Algarni, A.D.; Elmannai, H. Modified Artificial Bee Colony Based Feature Optimized Federated Learning for Heart Disease Diagnosis in Healthcare. Appl. Sci. 2022, 12, 12080. [Google Scholar] [CrossRef]
  32. Shamir, O.; Nati, S.; Tong, Z. Communication-efficient distributed optimization using an approximate newton-type method. In Proceedings of the International Conference on Machine Learning, Beijing, China, 21–26 June 2014; pp. 1000–1008. [Google Scholar]
Figure 1. Federated learning and its working mechanism.
Figure 1. Federated learning and its working mechanism.
Diagnostics 13 01964 g001
Figure 2. Types of skin lesions.
Figure 2. Types of skin lesions.
Diagnostics 13 01964 g002
Figure 3. Overview of the proposed Async-FL-CNN method.
Figure 3. Overview of the proposed Async-FL-CNN method.
Diagnostics 13 01964 g003
Figure 4. Working of proposed Async-FL-CNN method.
Figure 4. Working of proposed Async-FL-CNN method.
Diagnostics 13 01964 g004
Figure 5. Effect of communication rounds on accuracy.
Figure 5. Effect of communication rounds on accuracy.
Diagnostics 13 01964 g005
Figure 6. Comparison of validation and testing accuracy with loss for Async-FL-CNN.
Figure 6. Comparison of validation and testing accuracy with loss for Async-FL-CNN.
Diagnostics 13 01964 g006
Figure 7. Communication efficiency comparison.
Figure 7. Communication efficiency comparison.
Diagnostics 13 01964 g007
Table 1. Description of Skin Lesion Classes in ISIC-2019 dataset.
Table 1. Description of Skin Lesion Classes in ISIC-2019 dataset.
ClassImages for TrainingImages for TestingImages for ValidationTotal Images
MLA38123603504522
BCC28202502533323
SCC5414245628
VLN2022427253
MCN10,97996593112,875
BGK22152032062624
ATK7167576867
DFA2061122239
Table 2. Parameters Utilized for Experimental Implementations and Settings.
Table 2. Parameters Utilized for Experimental Implementations and Settings.
ParameterValue
Simulation environmentPython
Utilized datasetISIC-2019
Client nodes5
Communication rounds1000
Epochs60
Learning Rate0.001
Size of mini batch128
OptimizerAdam
Activation functionReLu
Size of communication1 GB–10 GBs
Table 3. Client wise image distribution.
Table 3. Client wise image distribution.
ClientsNumber of Images in Each Class
MLABCCSCCVLNMCNBGKATKDFA
190466412651257552417449
290466512650257552517448
390466512550257552417347
490566512651257552617348
590566412551257552517347
Table 4. Comparison of Performance with the Proposed Method.
Table 4. Comparison of Performance with the Proposed Method.
ModelF1 ScoreSensitivityRecallSpecificityLossPrecision
FL-SGD-CNN88.790.190.391.45.192.8
FL-Avg-CNN90.590.890.792.13.593.2
FL-Ensemble-CNN94.293.691.195.42.595.3
DANE94.193.791.595.73.495.8
Async-FL-CNN (Proposed)94.894.192.696.31.696.7
Table 5. Comparison of Accuracies.
Table 5. Comparison of Accuracies.
ModelAccuracy
TrainingValidationTesting
FL-SGD-CNN90.485.380.2
FL-Avg-CNN92.789.285.7
FL-Ensemble-CNN95.292.790.2
DANE94.991.589.8
Async-FL-CNN (Proposed)96.69593.4
Table 6. Classwise Achieved Precision and Recall.
Table 6. Classwise Achieved Precision and Recall.
ModelClasses of Skin CancerPrecisionRecallSensitivitySpecificity
Aysnc-FL-CNN (Proposed)MLA99.193.498.198.7
BCC97.290.593.697.2
SCC96.693.190.296.1
VLN98.596.194.595.5
MCN99.898.594.296.3
BGK97.493.293.895.8
ATK97.391.595.596.4
DFA87.484.292.694.4
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

Yaqoob, M.M.; Alsulami, M.; Khan, M.A.; Alsadie, D.; Saudagar, A.K.J.; AlKhathami, M. Federated Machine Learning for Skin Lesion Diagnosis: An Asynchronous and Weighted Approach. Diagnostics 2023, 13, 1964. https://doi.org/10.3390/diagnostics13111964

AMA Style

Yaqoob MM, Alsulami M, Khan MA, Alsadie D, Saudagar AKJ, AlKhathami M. Federated Machine Learning for Skin Lesion Diagnosis: An Asynchronous and Weighted Approach. Diagnostics. 2023; 13(11):1964. https://doi.org/10.3390/diagnostics13111964

Chicago/Turabian Style

Yaqoob, Muhammad Mateen, Musleh Alsulami, Muhammad Amir Khan, Deafallah Alsadie, Abdul Khader Jilani Saudagar, and Mohammed AlKhathami. 2023. "Federated Machine Learning for Skin Lesion Diagnosis: An Asynchronous and Weighted Approach" Diagnostics 13, no. 11: 1964. https://doi.org/10.3390/diagnostics13111964

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