Next Article in Journal
TSR-YOLO: A Chinese Traffic Sign Recognition Algorithm for Intelligent Vehicles in Complex Scenes
Next Article in Special Issue
A Machine Learning-Based Applied Prediction Model for Identification of Acute Coronary Syndrome (ACS) Outcomes and Mortality in Patients during the Hospital Stay
Previous Article in Journal
FPGA-Based Smart Sensor to Detect Current Transformer Saturation during Inrush Current Measurement
Previous Article in Special Issue
Detection of COVID-19 in X-ray Images Using Densely Connected Squeeze Convolutional Neural Network (DCSCNN): Focusing on Interpretability and Explainability of the Black Box Model
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

DMFL_Net: A Federated Learning-Based Framework for the Classification of COVID-19 from Multiple Chest Diseases Using X-rays

1
Department of Computer Science, University of Management and Technology, Lahore 54000, Pakistan
2
Department of Unmanned Vehicle Engineering, Sejong University, Seoul 05006, Republic of Korea
3
School of Computing, Gachon University, Seongnam 13120, Republic of Korea
*
Authors to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2023, 23(2), 743; https://doi.org/10.3390/s23020743
Submission received: 29 November 2022 / Revised: 2 January 2023 / Accepted: 3 January 2023 / Published: 9 January 2023

Abstract

:
Coronavirus Disease 2019 (COVID-19) is still a threat to global health and safety, and it is anticipated that deep learning (DL) will be the most effective way of detecting COVID-19 and other chest diseases such as lung cancer (LC), tuberculosis (TB), pneumothorax (PneuTh), and pneumonia (Pneu). However, data sharing across hospitals is hampered by patients’ right to privacy, leading to unexpected results from deep neural network (DNN) models. Federated learning (FL) is a game-changing concept since it allows clients to train models together without sharing their source data with anybody else. Few studies, however, focus on improving the model’s accuracy and stability, whereas most existing FL-based COVID-19 detection techniques aim to maximize secondary objectives such as latency, energy usage, and privacy. In this work, we design a novel model named decision-making-based federated learning network (DMFL_Net) for medical diagnostic image analysis to distinguish COVID-19 from four distinct chest disorders including LC, TB, PneuTh, and Pneu. The DMFL_Net model that has been suggested gathers data from a variety of hospitals, constructs the model using the DenseNet-169, and produces accurate predictions from information that is kept secure and only released to authorized individuals. Extensive experiments were carried out with chest X-rays (CXR), and the performance of the proposed model was compared with two transfer learning (TL) models, i.e., VGG-19 and VGG-16 in terms of accuracy (ACC), precision (PRE), recall (REC), specificity (SPF), and F1-measure. Additionally, the DMFL_Net model is also compared with the default FL configurations. The proposed DMFL_Net + DenseNet-169 model achieves an accuracy of 98.45% and outperforms other approaches in classifying COVID-19 from four chest diseases and successfully protects the privacy of the data among diverse clients.

1. Introduction

Researchers have identified the coronavirus (COVID-19) pandemic as one of the most devastating health crises now impacting millions of people worldwide [1,2,3]. When an infected person coughs, sneezes, or talks, respiratory particles are released into the air that can easily spread the COVID-19 virus. An infected person may exhibit adverse symptoms such as a dry cough, fever, gastrointestinal symptoms, myalgia, and anosmia, which pose a significant threat to global health security [4]. Timely COVID-19 detection is critical for limiting the potential for widespread infections. As the foundation of artificial intelligence (AI) [5], machine learning (ML) [6] technology has seen extensive use by researchers in the medical treatment sector (e.g., health monitoring), and it is also expected to be an effective method for the efficient detection of COVID-19 and chest diseases, in particular, deep learning (DL) technologies on medical diagnostic images such as chest X-ray (CXR) images [7,8]. On the other hand, medical institutions, the owners of CXR images, are known to prefer training models on their data. This is because medical data are subject to stringent privacy requirements [9,10,11], which makes it difficult for medical institutions with fewer samples to train a model with the expected performance for detecting various chest diseases. General deep neural network (DNN) models are well known for general image classification; however, they frequently perform poorly with imbalanced datasets, as discussed in [6], and models trained on restricted samples typically have low generalization capabilities due to a lack of sample diversity [10,11,12].
This problem may be effectively mitigated by using transfer learning (TL) and federated learning (FL) [7], in which medical institutions at all network locations utilize local data for training without centralizing all of the data [10]. In 2016, Google initially presented the idea of FL as a fresh approach to ML. FL enables the building of global models without compromising the confidentiality of the underlying data [1,2]. During each training cycle, a subset of clients is selected to train a model with the data that are specific to their location. The modifications that were made to the local models are subsequently transferred to a centralized server to be aggregated; however, the raw data from the local servers are not sent. FL provides the opportunity to link together many medical institutions and construct a model for the positive case identification of COVID-19 from multiple chest diseases, and maintaining the confidentiality of the data. Recent studies [4,5,6,7,8,9] have shown that FL may be used to accurately diagnose COVID-19 by using X-ray images. However, the aforementioned studies used the default setup of FL, which results in poor performance when client data heterogeneity is present and requires significant communication costs for the transmission of model updates (for example, enormous weight matrices).
In light of the significant communication costs associated with parameter transmission, a decision-making-based federated learning network (DMFL_Net) framework has been proposed. Within this framework, clients are dynamically selected to participate in each global training by configuring the request protocol between the server and the clients. As a result, communication efficiency during training has been significantly improved [13]. A blockchain-based solution was integrated with its decentralized feature [14] to decentralize the aggregation process to improve the privacy of data analysis in the identification of federated COVID-19 and four chest illnesses. This was done to enhance the confidentiality of the data. To provide performance-observable services for the COVID-19 detection system that is based on FL, a real-time method that is capable of assessing the contributions of FL framework participants in real-time is expected to be developed. However, the existing FL-based COVID-19 and chest disease detection algorithms have the propensity to employ the most prevalent techniques FedAvg [15], and maximize the number of objectives, including latency, energy use, and privacy. There have only been a few studies [5,6,7,8,9,10,11,12,13,14,15,16] that have looked at the real-world distribution characteristics of COVID-19 instances and built a one-of-a-kind central aggregation method. This strategy achieves a successful adjustment to the complex sample environment of COVID-19 and at the same time focuses on enhancing the accuracy and stability of the global model. It is vital, in the area of medical detection, to establish a higher number of possible instances and assure the consistency of the model across all of the exams.

1.1. Motivation

The most recent study conducted by the World Health Organization (WHO) indicates that COVID-19 is an infectious illness that mostly affects the lungs, giving them a honeycomb-like appearance as a result. Even after making a full recovery from COVID-19, some people are nevertheless left with persistent lung impairment. The primary purpose of our research was to characterize the lung patterns brought on by COVID-19 to ensure that highly trained radiologists do not overlook infection. Second, the sharing of information to train a more effective DNN model and take into account the privacy concerns of data sources. It is possible to develop a DNN model for automated COVID-19 identification from four other chest diseases as part of the data-sharing process.
The fact that private information cannot be shared is the first roadblock, which arises from the absence of privacy protections. The second challenge is to train the global model via the use of an FL network. It is difficult to obtain enough training data and improve the prediction model, both of which have an effect on the diagnosis ratio. Last but not least, recognizing the COVID-19 lung screening pattern is a challenging problem. This problem inspired the creation of a one-of-a-kind model for the DMFL_Net that can diagnose instances of COVID-19 and share the data while simultaneously improving hospital communication, privacy, and security.

1.2. Contribution

To improve both the efficacy of communication and the performance of the model, we provide a novel model DMFL_Net for the classification of COVID-19 from four different chest diseases, i.e., lung cancer (LC), tuberculosis (TB), pneumothorax (PneuTh), and pneumonia (Pneu) using CXR images. To the best of our knowledge, this is the only study that uses FL on CXR for the classification of COVID-19 from four different chest diseases. The following are the key contributions of the present study:
  • To distinguish COVID-19-positive cases from other chest diseases, we build a DMFL_Net architecture for medical diagnostic image processing. The proposed design provides a rational depiction of the interactions between the components and serves as a guideline for the development of the FL system.
  • We introduce a DMFL_Net that schedules model combinations under the amount of time each client spends in training and selects clients to participate based on the performance of their local models. Every client evaluates the locally trained model, and updates are only sent to the server if they improve the model’s overall performance. Based on the normal amount of time spent training during the prior cycle, the central server computes the amount of time spent waiting for each client to submit model updates. This calculation is done based on the total amount of time spent training.
  • We provide an overview of a category of medical diagnostic image data sets for COVID-19 identification from four chest disorders. These image data sets may be exploited by the community of ML researchers to research image analysis.
  • The evaluation demonstrates that the proposed method is an advance over the current state-of-the-art for FL in terms of accuracy (ACC), recall (REC), precision (PRE), f1-measure, specificity (SPF), and efficiency of communication.
This research paper proposed a DMFL_Net framework with the goals of improving the identification of multiple-source CXR images, facilitating the safe exchange of data among institutions, and doing all of this while maintaining patient anonymity. In addition, DNN models such as DenseNet-169, VGG-16, and VGG-19 are used for efficient feature extraction and classification to differentiate COVID-19 from four distinct chest disorders that are present in the various CXR image datasets that are available to the public.

1.3. Structure of Paper

This work structure is divided into further sections. Section 2 discusses the modern literature on COVID-19 detection using FL methods. Section 3 presents the methodology of the study. Section 4 consists of results and discussions. This study is concluded in Section 5.

2. Literature Review

The study and development of DL classification algorithms [15,16,17] for COVID-19 using X-rays have received a significant amount of attention and effort over the past few years. But, in 2016, Google introduced the concept of FL [1], which primarily concentrates on learning across several devices. In the beginning, Google made predictions for search recommendations, next words, and emojis using FL [13,14,15]. After then, the purview of FL was broadened to include cross-silo learning, for example, for several different companies or data centers [16,17,18,19,20]. A segmentation model was built by Sheller et al. [21] with the assistance of data on brain tumors obtained from a variety of different medical institutes. Edge computing is another area where FL could be used, for instance in the task scheduling method for the Internet of Vehicles [13,14,15,16]. During training, FL systems required a large number of rounds of communication to achieve model convergence, even if the communication process could be made more efficient by providing just model updates rather than raw input. This is the case even though sending only model updates rather than raw data can improve the efficiency of communication. A large number of scholars are investigating a variety of approaches to cut down on the duration of communication cycles [22,23]. Most of the studies [24,25,26,27,28] used a technique of aggregation, such as aggregation scheduling [20], asynchronous aggregation [21], and selective aggregation [14]. Moreover, compression techniques are employed to lower the model’s communication expenses between clients and servers communicate parameters and gradients to the central server [29]. In addition, ways of communication that are offered to enhance the effectiveness of communication include the over-the-air calculating approach [26] and the multichannel random access communication mechanism [29]. The effectiveness of communication was one of the primary motivations behind the development of both of these approaches.
ML models are trained locally, and FL can handle challenges related to statistical heterogeneity and system heterogeneity [30]. Despite this, there are still difficulties associated with making use of independent data that are non-identically distributed (non-IID). Numerous academics have conducted research on a variety of topics, including data clustering for training [31] and multitask learning [32]. In addition, the development of incentive systems to encourage consumer participation in ML developments has been the subject of research in several studies [33,34]. In more recent times, FL has been implemented in X-ray image processing to identify positive COVID-19 cases [35,36].
Shokri and Shmatikov [37] designed a decentralized architecture that gives users the ability to combine their gradients to increase the data’s level of security as they are working with them. As a consequence of this, there is a possibility that the information will be safeguarded in a manner that is more effective overall. On the other hand, even attackers who took a passive approach were able to profit from vulnerabilities in the strategies they used [38,39]. By utilizing the FL global model, Bonawitz et al. [40] were able to construct a framework for the secret aggregation of gradients. To prevent any changes to the gradients, Zhang et al. [41] devised threshold secret sharing and homomorphic encryption (HE). However, user identification is not possible when utilizing a shared model. Multiple inputs continue to be plagued by trust challenges, which puts the integrity of the data at risk and leads to insufficient training of the model. Xu et al. [42] were able to correctly classify X-rays as either normal or abnormal by employing a hierarchical convolutional neural network (CNN). Gupta et al. [43] proposed using a stacked CNN to make the diagnosis.
Recent research [44,45] has brought to light the significance of FL as an AI architecture that can be deployed and used at the edge of the network. When deployed in a setting that is heterogeneous and contains data that are non-IID, the centralized character of classic AI algorithms is in direct contrast to the decentralized nature of FL. Several distinct approaches have been developed to tackle the aggregation of non-IID data. These approaches make use of a variety of aggregation algorithms, such as FedMA [46], feature fusion [47], and grouping of related client models [39,48,49]. In the clustering process, similarity among client models is exploited [27], and encouraging excellent communication is one of the ways that data generalization is increased [22].
Feki et al. [17] built a collaborative FL architecture that allows medical institutions to filter COVID-19 from CXR images using DL without releasing patient data. They investigate a variety of crucial elements and characteristics of FL situations, such as the naturally occurring non-independent, non-IID and unbalanced data distributions. Their findings motivate medical institutions to rapidly establish a strong model for COVID-19 screening [50] by using collaborative procedures and the abundance of accessible private data. Chowdhary et al. [51] provided a technique that allows users to rapidly detect COVID-19 [52] by just uploading a single CXR photo in a matter of seconds. The StreamLit was used throughout the development of the front end, and the Flower framework was used for the development of the back end. The proposed methodology has proven successful after going through training for three iterations of federated communication, resulting in significant results. Ahmed et al. [53] suggested a DL classification model for COVID-19 based on CXR. After running 5-fold cross-validation on a multi-class dataset comprising of COVID-19, Viral Pneu, and normal CXR, their suggested DL model achieved an average classification accuracy of 90.64% and F1-Score of 89.8%. Based on computed tomography (CT) scans, Khan et al. [54] proposed an optimum DL approach as a means of distinguishing COVID-19-infected patients from healthy patients. To improve the overall quality of the images that were taken in their original form, the contrast was increased. An accuracy rate of 94.76% was achieved on average by using the proposed pretrained DenseNet-201 classification model. Albahli et al. [55] designed an AI-driven deep and handcrafted features selection approach for the identification of COVID-19 and chest-related diseases. Their proposed model achieved an average accuracy of 90.22% in classifying chest diseases using CXR. Verma et al. [56] established a DL model for the identification of COVID-19 in influenza-A virus cases and healthy patients by making use of patient pulmonary CT scans. A total of 548 CT scans were performed, with 232 coming from the bodies of 12 patients infected with COVID-19, 186 coming from the bodies of 17 patients infected with the influenza A virus, and 130 coming from the bodies of 15 healthy people who were not affected. To a degree of 79.39% accuracy, the model that was proposed performed adequately.
The aforementioned study, on the other hand, does not address the issues of FL, namely those of communication efficiency and model accuracy. As a result, the findings of our research provided a strategy based on DMFL_Net for improving the efficiency of communication and the performance of models. Table 1 presents the recent literature on FL for the diagnosis of COVID-19.

3. Materials and Methods

In this section, we provide a DMFL_Net approach for evaluating chest X-ray images to identify COVID-19 from four chest illnesses, namely LC, TB, PneuTh, and Pneu. We discuss the individual components of the architecture as well as the interactions that occur between those components. In addition, a DMFL_Net technique is provided for dynamically determining the clients who will be participating and scheduling the aggregate following the amount of time that will be spent training each client.

3.1. Dataset Description

The authors of this study acquired a range of chest disorder datasets from several sources to train three pre-trained models, namely VGG-16, VGG-19, and DenseNet-169. Cohen et al. [57] created a GitHub repository, and it was through this that we were able to receive the CXR that were infected with COVID-19. CXR used in the creation of this database came from a wide variety of public and private institutions, both domestic and international, including hospitals and clinics. The average age of patients infected with COVID-19 was 55 years old; however, we do not currently have access to the complete set of metadata information. Through a search of the SIRM database [58], the TCIA database [59], radiopaedia.org [60], Mendeley [61], and the source on GitHub [62], we were able to collect a total of 2371 COVID-19-infected CXR. During the process of acquiring the CXR images collected for pneumonia, the RSNA [63] was utilized. This data set has a total of 5216 X-rays, of which 1349 were determined to be normal and the remaining 3867 revealed pneumonia. Utilization of the reference [64] allowed the acquisition of access to 5000 CXR of lung cancer. The CXR of healthy people was obtained from the Kaggle [65]. A total of 700 CXR images of TB were collected [66]. Figure 1 presents the sample images collected from the mentioned databases.

3.2. Data Augmentation and Segregating for Training and Testing

Table 2 shows that the CXR images of the four chest diseases and COVID-19 are imbalanced. Therefore, the synthetic minority oversampling technique (SMOTE) [28] technique is applied to increase the size of the dataset. The reason behind using SMOTE is to achieve a more equitable allocation of classes by iteratively and randomly multiplying situations involving minority class members. To train the three TL models (VGG-16, VGG-19, and DenseNet-169), we split the dataset into three sections; training, validation, and testing. As a result, only 10% of the CXR images were used for testing, and the remaining 80% and 10% were used for training and validation, respectively.

3.3. FL Architecture

Figure 2 is an illustration of an architecture made up of two distinct types of components: (1) a central server, and (2) clients. The training of models that are stated in the learning task is the responsibility of the clients, who are responsible for utilizing local data and computational resources to train the models [67]. The centralized server, which is also responsible for managing the FL process, is the one that initiates the ML job. Using the client data collector, each client gathers CXR that have been scanned by imaging equipment, cleans the data using the client data preprocessor, and stores the information locally. This procedure is repeated for each client [68]. Once a model training task has been started, the starting waiting time for each client to return model updates can be modified by the job designer. This is possible even after the task has already begun (which includes the initial model code and several aggregations). Every client who participates in the activity first downloads the task, and then they train the model by making use of the model trainer [5]. Once the model trainer has completed the required number of epochs for this training round, the training time will be sent to the primary server [69]. The entire amount of training time that was collected from the participating clients is taken into account by the aggregation scheduler when determining how much time should be spent waiting. The performance of the most recent version of the local model is evaluated by the local model assessor and compared to the performance of the version that came before it for each client. If it is determined that the performance of the locally stored model that is currently accessible is superior, the client will submit a request to the primary server to upload the model. In that event, the client will request that the model update not be submitted for this particular round of testing. This aggregation cycle does not include any clients who fulfilled the necessary conditions, such as completing the required number of epochs within the allocated time [35]. The aggregate scheduler, which is situated on the central server, will send a notification to clients who have previously requested the model upload after the given period has gone. After the aggregation procedure has been finished, the global model assessor will evaluate the accuracy of the aggregated global model before sending it back to each client for an additional round of training.

3.4. Classification of COVID-19 Using DenseNet-169

As a result of a comparison of the experimental findings of COVID-19 with several CNN models in [70,71], DenseNet-169 was selected as the training model to be deployed in each client because it had the highest performance among all of the test models, i.e., VGG-16 and VGG-19 as discussed in this article. As shown in Figure 1, once all iterations on the global level have finished, the central server will send the final global parameters to each client for testing. In our experiment, the preprocessed CXR images serve as the input for the local DenseNet-169 model, which is fitted using global parameters. On the other hand, 299 × 299 pixel matrices serve as the input for the local DenseNet-169 model. Each sample’s model output is a three-dimensional vector representing the likelihood of each type, and optimal detection may be achieved by optimizing the value function.

3.5. Proposed DMFL_Net

The DMFL_Net model that has been suggested comprises two decision-making points: (1) client participation, and (2) client selection. These decision-making points are included to increase the efficiency of communication in FL. When determining whether or not to take part in the current round of aggregation, each client takes into account the performance of the newly trained model to determine which option best suits their needs. The model aggregator that is stored on the primary server selects which clients will participate based on the amount of time those clients spend waiting for their turn. The length of the first waiting time is determined by the proprietor of the platform. The waiting time for a client in the current round is computed by taking the client’s average training time from the round before. The central server will remove a client from participation in this round of aggregation if the client is unable to successfully upload the model update before the waiting period ends. The DMFL_Net approach that has been suggested is depicted in Figure 3. When a learning job is first created, it is done so by the central server. Before a client may create their local training environment, they must first retrieve the work from the centralized server and bring it back to their machine. A timer is started for each client at the beginning of the second round. The length of this timer is determined by the average amount of training time that was completed by the participants in the round before this one. If a client does not finish their training within the specified period, the centralized server will move through the process of aggregation for the current round without the client’s participation. The client will request that the aggregate for this round be skipped from the central server if it believes that the model it has trained for this round will do less well than the model it trained for the round before it. If not, then the client will alert the main server to do the model update.
When the proposed DMFL_Net starts training for the classification of COVID-19, the client’s training set is comprised of all of the datasets that were obtained by the CXR devices and is denoted by the D parameter. Following the client’s successful completion of the training set update, the training task will be carried out with DenseNet-169 with optimal settings that provide the least amount of training loss [72]. The global parameter that is provided by the central server is always loaded into local models as the very first parameter. Equation (1) represents the loss function of the client CLOSS:
C L O S S W = 1 D X     D a = 1 a B X ,   a × l o g Q X , a
where the parameter a represents the number of data categories, W is used as the model parameter, D is the training set of the client CLOSS, B(X,a), and Q(X,a) are applied for real and predicted labels, respectively. The gradient descent technique is applied to update W at each local iteration. Equation (2) is used for calculating the gradient descent method at iteration (i, j + 1) as follows:
W i ,   j + 1 = W i ,   j a   C L O S S   W i ,   j
where i and j represent the global and local iteration, respectively, C L O S S   W i ,   j is the gradient of C L O S S   W i ,   j , and a represents the learning rate.
After the clients have completed the previously defined locally iterated CLOSS of the model training, they will communicate the final parameters to the central server so that they may be aggregated. The conclusion of a global iteration is signaled by the completion of global server aggregation, and at the beginning of the subsequent global iteration, the client will download the most recent version of the global parameter. When the set number of global iterations has been achieved, the final parameter W will have been gained.
Algorithm 1 is a pseudo-code representation of the DMFL_Net framework for training an FL-based COVID-19 identification model.
Algorithm 1: Proposed DMFL_Net
Parameters Job = J, Decision Time = DT, Federated Learning steps = FLSTEPS, Maximum Accuracy = AMAX, Training Time = TTIME, Waiting Time = WTIME, Model = M, Accuracy = AACC, Model = M, Epochs = E, Learning rate = a, Batch Size = BSIZE
/*Client-side process*/
1. Set: Clients (ServerURL)
2. J = download (ServerURL)
3. Decode (J) = (DT, M)
4. Starts: FLSTEPS = 0
5. Initialize: a, BSIZE, E
6. While (FLSTEPS < DT):
7.⋯⋯Train_Local_Model (M, a, BSIZE, E) = TTIME, AACC
8.⋯⋯Send (TTIME, AMAX) = ServerURL
9.⋯⋯If (AACC > AMAX):
10.⋯⋯Upload (M)
11.⋯⋯End
12. FLSTEPS ++
13.·End
14.·/*Server-side process*/
15.·Initialize: WTIME, AMAX, M, DT
16.·While (True):
17.⋯·Receive_Model_Update: TTIME, Update (TTIME) = WTIME
18.⋯·Client_Local_Model = Receive_Model_Update
19.⋯⋯⋯If (WTIME ends) == true:
20.⋯⋯⋯Aggregate (Client_Local_Model) = M
21.⋯⋯⋯AMAX = Assess (M)
22.⋯⋯⋯Dispatch (M)
23.⋯⋯⋯End
24. End

3.6. Performance Evaluation

In this work, we used three DNN models such as DenseNet-169, VGG-16, and VGG-19 for the classification of COVID-19 from four chest diseases. Thus, a confusion matrix was used to measure the performance of these DNN models in terms of many metrics, e.g., accuracy (ACC), precision (PRE), recall (REC), specificity (SPF), and F1-measure. The following Equations (3)–(7) are used to measure these metrics:
A C C = T P + T N T P + T N + F P + F N
P R E = T P T P + F P
R E C = T P T P + F N
S P F = T N T N + F P
F 1 s c o r e = 2 × P R E × R E C P R E + R E C

4. Results and Discussions

This study uses FL for the diagnosis of a variety of chest disorders, including COVID-19, Pneu, TB, PneuTh, and normal, with the aim to enhance communication efficiency [73,74,75] and model performance in terms of ACC, PRE, REC, SPF, and F1-measure. For the present study, 100 rounds were used in the experimentation process. The test was done on a Windows PC equipped with 32GB of RAM and a GPU from NVIDIA GeForce GTX 1070 11GB.

4.1. Experimental Configurations

As can be seen in Table 3, the trials involved one central server and three separate clients, each of which has its unique configurations.
We used the obtained data, which included 101,017 CXR images, and divided them as follows: 33,600 images were used for the training set, and 4200 images were used for the test set. As can be seen in Table 4, we establish different data sets of varying sizes for each client.

4.2. Comparison of DMFL_Net Model Accuracy with Default FL Configuration

Experiments were carried out using three distinct models, namely VGG-16, VGG-19, and DenseNet-169. To ensure that the DMFL_Net is operating appropriately, the models are trained with the six distinct varieties of data sets that are outlined in Table 4. Extensive experimentation has been performed and the outcomes attained by the DMFL_Net model are compared with the FL system’s default setup. Table 5, Table 6 and Table 7 present a detailed summary of the results obtained by the proposed DMFL_Net.
We distributed the dataset into different parts for each client separately. We have applied the DMFL_Net + VGG-16 model in 500 CXR images for the classification of COVID-19 from chest diseases. DMFL_Net + VGG-16 model achieved an ACC of 87.57%. Similarly, we also applied the default FL + VGG-16 model on the same dataset and achieved an ACC of 80.21%, which is less than the DMFL_Net + VGG-16 model. Furthermore, we applied CXR 1500 dataset for both DMFL_Net + VGG-16 model and the default FL + VGG-16 model, and DMFL_Net + VGG-16 showed significant results as compared to the default FL+ VGG-16. The detailed results are presented in Table 5.
Table 6 demonstrates that the DMFL_Net + VGG-19 model is used for 1000 CXR images to classify COVID-19 from chest illnesses. The DMFL_Net + VGG-19 model achieved 87.89% accuracy, 87.21% of PRE, and 87.25% of REC. Similar to DMFL_Net + VGG-19 model, we also applied the default FL + VGG-16 model to the same dataset and attained an ACC of 84.00%. Moreover, we applied the CXR 2000 dataset to both the DMFL_Net + VGG-19 model and the default FL + VGG-19 model, with DMFL_Net + VGG-19 producing significantly better results than the default.
Table 7 indicates that 1000 CXR images were classified using the DMFL_Net + DenseNet-169 model to differentiate COVID-19 from chest diseases. The proposed DMFL_Net + DenseNet-169 model obtained an accuracy of 98.45%, a PRE of 98.40%, a REC of 98.42, an SPF of 98.41%, and an F1-measure of 98.44%. The proposed DMFL_Net + DenseNet-169 produced superior results as compared to default FL approaches. Figure 4, Figure 5 and Figure 6 accordingly show the results that were obtained using the various types of models. The proposed DMFL_Net achieved a higher level of accuracy than the setting that is considered to be the standard for FL. In addition to this, interference was incorporated into the testing group of each model’s data set. Because of this interference, TL models that had a negative diagnosis ended up being incorrectly classified as having a positive result for COVID-19. The fact that the model trained by DMFL_Net may still generate relatively consistent results and higher accuracy in comparison to the default option illustrates that the proposed DMFL_Net can ensure robustness and communication (RC) [76]. In addition to this, we evaluated the precision of each model category by applying it to the randomly cropped test set. The findings are presented in Figure 4, Figure 5 and Figure 6.
According to the findings of testing groups, the suggested DMFL_Net achieves a higher level of accuracy than the FL option that is used by default. The DMFL_Net with DenseNet-169 achieves an accuracy of 98.45% which is relatively higher than the results produced by the default FL settings. The results reveal that the suggested DMFL_Net setup performs better than the default FL configuration on real-world data sets.

4.3. DMFL_Net Training Time

The length of the training sessions used in the trials was logged to evaluate how well the proposed DMFL_Net performed during its training phase. The maximum network speed for uploading and downloading models is 12 MB per second, and the number of training epochs for each client is set to 100.
Figure 7 presents the data gathered regarding the total amount of time spent on training. According to the findings, the suggested DMFL_Net did not cut down on the amount of time needed for training for VGG-16; however, it did for VGG-19 and DenseNet-169. The amount of time required for training VGG-19 was cut by 30–35 min, whilst the amount of time required for training DenseNet-169 was cut by 15–20 min. After finding in our previous experiments that the suggested DMFL_Net did not shorten the amount of time it took for the VGG-16 network to train, we are now investigating the factors that could have an impact on this. After determining the length of time necessary for the transmission of a single model, we concluded that the VGG-16 had a lower total number of parameters compared to the other two networks. Therefore, the VGG-16 needed less time for model transmission (an average of 3.7 s), which resulted in there being no change in the amount of time needed for training. On the other side, VGG-19 and DenseNet-169 have a greater number of parameters, which necessitated a longer period to communicate model updates. It would appear that there has been a major improvement in the efficiency of communication between these two networks as a result. If the network had been flawed and the model had a high number of parameters, we might have concluded that putting the DMFL_Net technique into practice could drastically cut down on the amount of time that is required for training.

4.4. DMFL_Net Communication Efficiency

To evaluate the effect that DMFL_Net has had on communication, we counted the number of uploads and timed how long each one took, as shown in Figure 8. The total number of three clients was represented by both the quantity and duration of time spent gathering uploads in this location, which worked out to 15 times for each client and 40 times altogether. When compared to the default settings of FL for the VGG-16, the DMFL_Net model’s upload number was reduced by an average of 50, which resulted in a reduction of 120–180 s in the amount of time required for the upload (one-third of the default setting of FL time). The upload number of DMFL_Net decreased by an average of 70 for VGG-19, which translated to a decrease in upload time of between 1000 and 1300 s, which is equal to one-tenth of the duration of the default FL. The total number of uploads to DMFL_Net fell by 78 on average for DenseNet-169. Because of this, the drop-in upload time was between 4100 and 4300 s, which was equivalent to 1/16 of the FL time given by default. In light of the findings, we can conclude that DMFL_Net can lessen the burden of communication overhead by requiring less model uploading. The reduction is not noticeable in models such as the VGG-16, which has a straightforward structure and a limited number of parameters (approximately one-third of the default setting of FL). However, the effects of DMFL_Net are more pronounced when dealing with complex models that contain a greater number of parameters (VGG-19 and DenseNet-169). It cuts setting time to 1/10 and 1/16 of the standard FL value, respectively, which is a significant improvement.

4.5. Grad-Cam Visualization of DMFL_Net

We employed three TL models to perform a visual explanation of the DMFL_Net model, and the results are displayed in Figure 9 using Grad-Cam. The dotted line represents the infected portion of the chest recognized by the DMFL_Net model.

4.6. Comparison with State-of-the-Art

Numerous studies, such as [50,71,72,73,74,75], have been carried out to identify COVID-19; however, these methodologies do not make use of data sharing to construct an improved prediction model [77,78]. However, several of the algorithms used GAN in conjunction with data augmentation to generate fake CXR images. The reliability and the effectiveness of such methods cannot be guaranteed when it comes to medical CXR images. The examination of the data was difficult because there was only a small amount of patient information [69]. To develop a more accurate prediction model, the model that we have proposed gathers extensive amounts of data that were collected from publicly available sources [57,58,59,60,61,62,63,64,65,66]. To begin, we examined the state-of-the-art research in conjunction with the DL models outlined in Table 8. In addition, we examined how well FL performed in comparison to the most recent iterations of the DNN models, such as DenseNet-169, VGG-16, and VGG-19 [79,80]. The findings suggested that the accuracy was comparable regardless of whether the local model was trained with the entire dataset or by dividing the data among several hospitals and combining the model weights with the help of DMFL_Net.

4.7. Discussions

The classification of COVID-19 offered in this work makes use of CXR images as an automated supplement to the diagnostic procedure that is now considered the gold standard reverse transcription-polymerase chain reaction (RT-PCR) [81,82,83]. CXR images are substantially more readily available than RT-PCR, can determine a patient’s prognosis at any stage in the evolution of a disease, provide test results in a short amount of time, and significantly enhance the amount of daily testing capacity [80,81,82,83,84]. The DNN [82] model originated from an FL training session utilizing an aggregated version of the model. Our DMFL_Net + DenseNet-169 algorithm can be used as a completely autonomous method for differential diagnosis between normal lung aspect, COVID-19, LC, TB, PneuTh, and Pneu. This differential diagnosis is based solely on the aspect of the CXR image that is being analyzed. In addition, because the three clients who took part in the training process did not reveal any samples from the dataset, our method can be used as a collaborative [79] and decision-making methodology between medical institutions to construct a shared DNN model for COVID-19 identification without disclosing confidential data. This paper presents a DMFL_Net approach for classifying COVID-19 from various chest ailments using DNN models. The training process can be carried out over multiple machines, each of which possesses its CXR images dataset. A centralized server acts as the coordinator for all of the machines to produce a global model [76]. When the model is obtained, the weights of the model are transmitted to each machine so that the locally stored model can be brought up to date [84]. Each of the FL entities that were deployed locally in DMFL_Net was prepared with three different DNN models, specifically VGG-16, VGG-19, and DenseNet-169. The experimental design used in this study is outlined in Table 3. The fully connected layers (FCL) of DenseNet-169, VGG-16, and 19 were eliminated and then replaced with an FCL that consisted of 512 neurons and that used the rectified linear unit (ReLU) as its activation function, as well as an FCL that consisted of six neurons and used Softmax as its activation function. To ensure that the DL model’s convolutional layers remained static throughout the training process, they were frozen. The outputs of the aggregated model’s six neurons, all of which were multiclass models, were: Normal, COVID-19, LC, TB, and PneuTh. The categories ACC, PRE, SPF, REC, and F1-measure were observed to conduct an accurate evaluation of the performance of the aggregated model. The proposed DMFL_Net + DenseNet-169 was also compared with the default FL settings. The DMFL Net + DenseNet-169 model that was proposed obtained an accuracy of 98.45% and surpassed other approaches in the classification of COVID-19 from four chest disorders. This was accomplished while successfully maintaining the privacy of the data among a variety of clients.
This study had a limitation in that previous studies investigated the temporal changes (i.e., variation in COVID-19 causes a shift in patient demographics or radiographic characteristics) that resulted in COVID-19 diagnostic model bias and performance drift; however, the purpose of this study was to investigate data heterogeneity and model federation.

5. Conclusions

Traditional AI systems that are now in use often need to use centralized data storage and training to construct predictive models, which both increase the complexity of computing and threaten users’ privacy. This study offers a potential solution to the problem in the form of the DMFL_Net design, which aims to enhance the perception of multiple CXR image sources. It protects both the confidentiality and the security of the data when they are transferred between hospitals. The DNN models (DenseNet-169, VGG-16, and VGG-19) are used for effective feature extraction and classification to locate COVID-19 among the many different public CXR datasets. In addition, the use of FL for collaborative training in hospitals, which was supported by unpredictable encryption keys throughout the process of data retrieval and sharing, has improved trust in the maintenance of privacy and security. An exhaustive testing and comparing process using some different DNN algorithms has been carried out. The performance of DMFL_Net was evaluated and contrasted with that of the standard FL configuration. According to the results, DMFL_Net showed the best performance in terms of ACC (98.45%), PRE (98.40%), REC (98.42%), and F1-measure (98.44%). Furthermore, this method was more significant than the others in terms of trustworthiness and datasets. In the future, we will be in a position to provide a single network through which healthcare practitioners will be able to freely exchange patient records and train vision transformers to examine different privacy strategies.

Author Contributions

Conceptualization, A.N. and H.M.; methodology, A.N., H.M.; validation, R.A.N., W.-K.L. and H.M.; formal analysis, A.N. and W.-K.L.; investigation, A.N. and R.A.N.; resources, A.N., H.M.; data curation, R.A.N.; writing—original draft preparation, A.N., H.M.; writing—review and editing, A.N., H.M.; visualization, A.N., H.M.; supervision, R.A.N. and W.-K.L.; funding acquisition, W.-K.L. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by a national research foundation (NRF) grant funded by the Ministry of Science and ICT (MSIT), South Korea through the Development Research Program NRF2021R1A2C1014432 and NRF2022R1G1A1010226.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

Authors declare no conflict of interest.

References

  1. Kandati, D.R.; Gadekallu, T.R. Genetic Clustered Federated Learning for COVID-19 Detection. Electronics 2022, 11, 2714. [Google Scholar] [CrossRef]
  2. Qayyum, A.; Ahmad, K.; Ahsan, M.A.; Al-Fuqaha, A.; Qadir, J. Collaborative Federated Learning for Healthcare: Multi-Modal COVID-19 Diagnosis at the Edge. IEEE Open J. Comput. Soc. 2022, 3, 172–184. [Google Scholar] [CrossRef]
  3. Florescu, L.M.; Streba, C.T.; Şerbănescu, M.-S.; Mămuleanu, M.; Florescu, D.N.; Teică, R.V.; Nica, R.E.; Gheonea, I.A. Federated Learning Approach with Pre-Trained Deep Learning Models for COVID-19 Detection from Unsegmented CT images. Life 2022, 12, 958. [Google Scholar] [CrossRef] [PubMed]
  4. Naz, S.; Phan, K.Y.; Chen, Y.-P.P. A comprehensive review of federated learning for COVID-19 detection. Int. J. Intell. Syst. 2022, 37, 2371–2392. [Google Scholar] [CrossRef]
  5. Li, Z.; Xu, X.; Cao, X.; Liu, W.; Zhang, Y.; Chen, D.; Dai, H. Integrated CNN and Federated Learning for COVID-19 Detection on Chest X-Ray Images. IEEE/ACM Trans. Comput. Biol. Bioinform. 2022, 1–11. [Google Scholar] [CrossRef]
  6. Rahman, M.A.; Hossain, M.S.; Islam, M.S.; Alrajeh, N.A.; Muhammad, G. Secure and Provenance Enhanced Internet of Health Things Framework: A Blockchain Managed Federated Learning Approach. IEEE Access 2020, 8, 205071–205087. [Google Scholar] [CrossRef]
  7. Liu, Y.; Yuan, X.; Zhao, R.; Wang, C.; Niyato, D.; Yefeng Zheng, Y. Poisoning Semi-supervised Federated Learning via Unlabeled Data: Attacks and Defenses. arXiv 2020, preprint. arXiv:2012.04432. [Google Scholar]
  8. 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]
  9. Hakak, S.; Ray, S.; Khan, W.Z.; Scheme, E. A Framework for Edge-Assisted Healthcare Data Analytics using Federated Learning. In Proceedings of the 2020 IEEE International Conference on Big Data (Big Data), Atlanta, GA, USA, 10–13 December 2020; pp. 3423–3427. [Google Scholar] [CrossRef]
  10. Feraudo, A.; Yadav, P.; Safronov, V.; Popescu, D.A.; Mortier, R.; Wang, S.; Bellavista, P.; Crowcroft, J. CoLearn: Enabling federated learning in MUD-compliant IoT edge networks. In Proceedings of the Third ACM International Workshop on Edge Systems, Analytics and Networking, Heraklion, Greece, 27 April 2020; pp. 25–30. [Google Scholar]
  11. Durga, R.; Poovammal, E. FLED-Block: Federated Learning Ensembled Deep Learning Blockchain Model for COVID-19 Prediction. Front. Public Health 2022, 10, 892499. [Google Scholar] [CrossRef]
  12. Zhang, W.; Zhou, T.; Lu, Q.; Wang, X.; Zhu, C.; Sun, H.; Wang, Z.; Lo, S.K.; Wang, F.-Y. Dynamic-Fusion-Based Federated Learning for COVID-19 Detection. IEEE Internet Things J. 2021, 8, 15884–15891. [Google Scholar] [CrossRef]
  13. Nguyen, D.C.; Ding, M.; Pathirana, P.N.; Seneviratne, A.; Zomaya, A.Y. Federated Learning for COVID-19 Detection With Generative Adversarial Networks in Edge Cloud Computing. IEEE Internet Things J. 2021, 9, 10257–10271. [Google Scholar] [CrossRef]
  14. Nguyen, D.C.; Pham, Q.-V.; Pathirana, P.N.; Ding, M.; Seneviratne, A.; Lin, Z.; Dobre, O.; Hwang, W.-J. Federated Learning for Smart Healthcare: A Survey. ACM Comput. Surv. 2023, 55, 1–37. [Google Scholar] [CrossRef]
  15. Aich, S.; Sinai, N.K.; Kumar, S.; Ali, M.; Choi, Y.R.; Joo, M.I.; Kim, H.C. Protecting personal healthcare record using blockchain & federated learning technologies. In Proceedings of the 2022 24th International Conference on Advanced Communication Technology (ICACT), Pyeongchang, Korea, 13–16 February 2022; pp. 109–112. [Google Scholar]
  16. Feki, I.; Ammar, S.; Kessentini, Y.; Muhammad, K. Federated learning for COVID-19 screening from Chest X-ray images. Appl. Soft Comput. 2021, 106, 107330. [Google Scholar] [CrossRef] [PubMed]
  17. Dayan, I.; Roth, H.R.; Zhong, A.; Harouni, A.; Gentili, A.; Abidin, A.Z.; Liu, A.; Costa, A.B.; Wood, B.J.; Tsai, C.-S.; et al. Federated learning for predicting clinical outcomes in patients with COVID-19. Nat. Med. 2021, 27, 1735–1743. [Google Scholar] [CrossRef]
  18. Vaid, A.; Jaladanki, S.K.; Xu, J.; Teng, S.; Kumar, A.; Lee, S.; Somani, S.; Paranjpe, I.; De Freitas, J.K.; Wanyan, T.; et al. Federated Learning of Electronic Health Records to Improve Mortality Prediction in Hospitalized Patients With COVID-19: Machine Learning Approach. JMIR Public Health Surveill. 2021, 9, e24207. [Google Scholar] [CrossRef]
  19. Sheller, M.J.; Reina, G.A.; Edwards, B.; Martin, J.; Bakas, S. Multi-institutional Deep Learning Modeling Without Sharing Patient Data: A Feasibility Study on Brain Tumor Segmentation. In Brainlesion: Glioma, Multiple Sclerosis, Stroke and Traumatic Brain Injuries; Springer: Cham, Switzerland, 2019; Volume 11383, pp. 92–104. [Google Scholar] [CrossRef]
  20. Mills, J.; Hu, J.; Min, G. Communication-Efficient Federated Learning for Wireless Edge Intelligence in IoT. IEEE Internet Things J. 2019, 7, 5986–5994. [Google Scholar] [CrossRef] [Green Version]
  21. Silva, S.; Gutman, B.A.; Romero, E.; Thompson, P.M.; Altmann, A.; Lorenzi, M. Federated Learning in Distributed Medical Databases: Meta-Analysis of Large-Scale Subcortical Brain Data. In Proceedings of the 2019 IEEE 16th International Symposium on Biomedical Imaging (ISBI 2019), Venice, Italy, 8–11 April 2019; pp. 270–274. [Google Scholar] [CrossRef] [Green Version]
  22. Wibawa, F.; Catak, F.O.; Kuzlu, M.; Sarp, S.; Cali, U. Homomorphic Encryption and Federated Learning based Privacy-Preserving CNN Training: COVID-19 Detection Use-Case. In Proceedings of the Proceedings of the 2022 European Interdisciplinary Cybersecurity Conference, Barcelona, Spain, 15–16 June 2022. [Google Scholar] [CrossRef]
  23. Samuel, O.; Omojo, A.B.; Onuja, A.M.; Sunday, Y.; Tiwari, P.; Gupta, D.; Hafeez, G.; Yahaya, A.S.; Fatoba, O.J.; Shamshirband, S. IoMT: A COVID-19 Healthcare System driven by Federated Learning and Blockchain. IEEE J. Biomed. Health Inform. 2022, 1. [Google Scholar] [CrossRef] [PubMed]
  24. Jabbar, J.; Malik, H.; Khan, A.H.; Ahmad, M.U.; Ali, A. A Study of Image Processing Methods for Investigation of Radiographs. In Proceedings of the 2021 International Conference on Innovative Computing (ICIC), Lahore, Pakistan, 9–10 November 2021; pp. 1–6. [Google Scholar] [CrossRef]
  25. Malik, H.; Anees, T. BDCNet: Multi-classification convolutional neural network model for classification of COVID-19, pneumonia, and lung cancer from chest radiographs. Multimed. Syst. 2022, 28, 815–829. [Google Scholar] [CrossRef] [PubMed]
  26. Saeed, H.; Malik, H.; Bashir, U.; Ahmad, A.; Riaz, S.; Ilyas, M.; Bukhari, W.A.; Khan, M.I.A. Blockchain technology in healthcare: A systematic review. PLoS ONE 2022, 17, e0266462. [Google Scholar] [CrossRef] [PubMed]
  27. Akbar, M.O.; Malik, H.; Hassan, F.; Khan, M.S.S. Analysis on Air Pollutants in COVID-19 Lockdown Using Satellite Imagery: A Study on Pakistan. Int. J. Des. Nat. Ecodynamics 2022, 17, 47–54. [Google Scholar] [CrossRef]
  28. Komal, A.; Malik, H. Transfer Learning Method with Deep Residual Network for COVID-19 Diagnosis Using Chest Radiographs Images. In Proceedings of the International Conference on Information Technology and Applications, Lisbon, Portugal, 20–22 October 2022; pp. 145–159. [Google Scholar] [CrossRef]
  29. Jabbar, J.; Mehmood, H.; Hafeez, U.; Malik, H.; Salahuddin, H. On COVID-19 outburst and smart city/urban system connection: Worldwide sharing of data principles with the collaboration of IoT devices and AI to help urban healthiness supervision and monitoring. Int. J. Eng. Technol. 2020, 9, 630–635. [Google Scholar] [CrossRef]
  30. Malik, H.; Anees, T.; Din, M.; Naeem, A. CDC_Net: Multi-classification convolutional neural network model for detection of COVID-19, pneumothorax, pneumonia, lung Cancer, and tuberculosis using chest X-rays. Multimed. Tools Appl. 2022, 1–26. [Google Scholar] [CrossRef] [PubMed]
  31. Rjoub, G.; Wahab, O.A.; Bentahar, J.; Cohen, R.; Bataineh, A.S. Trust-Augmented Deep Reinforcement Learning for Federated Learning Client Selection. Inf. Syst. Front. 2022, 1–18. [Google Scholar] [CrossRef] [PubMed]
  32. Ali, H.; Alam, T.; Househ, M.; Shah, Z. Federated Learning and Internet of Medical Things—Opportunities and Challenges. Adv. Inform. Manag. Technol. Healthc. 2022, 295, 201–204. [Google Scholar] [CrossRef]
  33. Lo, S.K.; Liu, Y.; Lu, Q.; Wang, C.; Xu, X.; Paik, H.-Y.; Zhu, L. Towards Trustworthy AI: Blockchain-based Architecture Design for Accountability and Fairness of Federated Learning Systems. IEEE Internet Things J. 2022, 1. [Google Scholar] [CrossRef]
  34. Subramanian, N.; Elharrouss, O.; Al-Maadeed, S.; Chowdhury, M. A review of deep learning-based detection methods for COVID-19. Comput. Biol. Med. 2022, 143, 105233. [Google Scholar] [CrossRef]
  35. Shokri, R.; Shmatikov, V. Privacy-preserving deep learning. In Proceedings of the Proceedings of the 22nd ACM SIGSAC Conference on Computer and Communications Security, Los Angeles, CA, USA, 7–11 November 2022; pp. 1310–1321. [Google Scholar]
  36. Tang, W.; Ren, J.; Zhang, Y. Enabling Trusted and Privacy-Preserving Healthcare Services in Social Media Health Networks. IEEE Trans. Multimed. 2018, 21, 579–590. [Google Scholar] [CrossRef]
  37. Dai, H.-N.; Zheng, Z.; Zhang, Y. Blockchain for Internet of Things: A Survey. IEEE Internet Things J. 2019, 6, 8076–8094. [Google Scholar] [CrossRef] [Green Version]
  38. Bonawitz, K.; Ivanov, V.; Kreuter, B.; Marcedone, A.; McMahan, H.B.; Patel, S.; Ramage, D.; Segal, A.; Seth, K. Practical secure aggregation for privacy-preserving machine learning. In Proceedings of the 2017 ACM SIGSAC Conference on Computer and Communications Security, Dallas, TX, USA, 30 October–3 November 2017; pp. 1175–1191. [Google Scholar]
  39. Zhang, X.; Ji, S.; Wang, H.; Wang, T. Private, yet practical, multiparty deep learning. In Proceedings of the 2017 IEEE 37th International Conference on Distributed Computing Systems (ICDCS), Atlanta, GA, USA, 5–8 June 2017; pp. 1442–1452. [Google Scholar]
  40. Xu, S.; Wu, H.; Bie, R. CXNet-m1: Anomaly Detection on Chest X-Rays with Image-Based Deep Learning. IEEE Access 2018, 7, 4466–4477. [Google Scholar] [CrossRef]
  41. Gupta, A.; Anjum; Gupta, S.; Katarya, R. InstaCovNet-19: A deep learning classification model for the detection of COVID-19 patients using Chest X-ray. Appl. Soft Comput. 2020, 99, 106859. [Google Scholar] [CrossRef]
  42. Zhang, C.; Xie, Y.; Bai, H.; Yu, B.; Li, W.; Gao, Y. A survey on federated learning. Knowl.-Based Syst. 2021, 216, 106775. [Google Scholar] [CrossRef]
  43. Bonawitz, K.; Eichner, H.; Grieskamp, W.; Huba, D.; Ingerman, A.; Ivanov, V.; Kiddon, C.; Konečný, J.; Mazzocchi, S.; McMahan, B.; et al. Towards federated learning at scale: System design. Proc. Mach. Learn. Syst. 2019, 1, 37–388. [Google Scholar]
  44. Xie, M.; Long, G.; Shen, T.; Zhou, T.; Wang, X.; Jiang, J.; Zhang, C. Multi-center federated learning. arXiv 2020, preprint. arXiv:2005.01026. [Google Scholar]
  45. Xiao, X.; Yan, M.; Basodi, S.; Ji, C.; Pan, Y. Efficient hyperparameter optimization in deep learning using a variable length genetic algorithm. arXiv 2020, preprint. arXiv:2006.12703. [Google Scholar]
  46. Alam, T.M.; Shaukat, K.; Khelifi, A.; Khan, W.A.; Raza, H.M.E.; Idrees, M.; Luo, S.; Hameed, I.A. Disease Diagnosis System Using IoT Empowered with Fuzzy Inference System. Comput. Mater. Contin. 2022, 70, 5305–5319. [Google Scholar] [CrossRef]
  47. Shaukat, K.; Alam, T.M.; Hameed, I.A.; Luo, S.; Li, J.; Aujla, G.K.; Iqbal, F. A comprehensive dataset for bibliometric analysis of SARS and coronavirus impact on social sciences. Data Brief 2020, 33, 106520. [Google Scholar] [CrossRef]
  48. Chowdhury, D.; Banerjee, S.; Sannigrahi, M.; Chakraborty, A.; Das, A.; Dey, A.; Dwivedi, A.D. Federated learning based COVID-19 detection. Expert Syst. 2022, e13173. [Google Scholar] [CrossRef]
  49. Khushi, M.; Shaukat, K.; Alam, T.M.; Hameed, I.A.; Uddin, S.; Luo, S.; Yang, X.; Reyes, M.C. A Comparative Performance Analysis of Data Resampling Methods on Imbalance Medical Data. IEEE Access 2021, 9, 109960–109975. [Google Scholar] [CrossRef]
  50. Ahmed, F.; Bukhari, S.A.C.; Keshtkar, F. A Deep Learning Approach for COVID-19 8 Viral Pneumonia Screening with X-ray Images. Digit. Gov. Res. Pract. 2021, 2, 1–12. [Google Scholar] [CrossRef]
  51. Khan, M.A.; Hussain, N.; Majid, A.; Alhaisoni, M.; Bukhari, S.A.C.; Kadry, S.; Nam, Y.; Zhang, Y.-D. Classification of Positive COVID-19 CT Scans using Deep Learning. Comput. Mater. Contin. 2021, 66, 2923–2938. [Google Scholar] [CrossRef]
  52. Albahli, S.; Meraj, T.; Chakraborty, C.; Rauf, H.T. AI-driven deep and handcrafted features selection approach for COVID-19 and chest related diseases identification. Multimed. Tools Appl. 2022, 81, 37569–37589. [Google Scholar] [CrossRef]
  53. Verma, P.; Dumka, A.; Singh, R.; Ashok, A.; Singh, A.; Aljahdali, H.M.; Rauf, H.T. A deep learning based approach for patient pulmonary CT image screening to predict coronavirus (SARS-CoV-2) infection. Diagnostics 2021, 11, 1735. [Google Scholar] [CrossRef] [PubMed]
  54. Cohen, J.P.; Morrison, P.; Dao, L.; Roth, K.; Duong, T.Q.; Ghassemi, M. COVID-19 Image Data Collection: Prospective Predictions are the Future. arXiv 2020, preprint. arXiv:2006.11988. [Google Scholar]
  55. COVID-19 DATABASE|SIRM. Available online: https://www.sirm.org/en/category/articles/COVID-19-database/ (accessed on 2 September 2022).
  56. Frederick Nat Lab. The Cancer Imaging Archive (TCIA). The Cancer Imaging Archive. 2018, p. 1. Available online: https://www.cancerimagingarchive.net/about-the-cancer-imaging-archi-ve-tcia/%0A (accessed on 3 December 2022).
  57. Mooney, P. Chest X-ray Images (Pneumonia)|Kaggle. 2018. Available online: https://www.kaggle.com/paultimothymooney/chest-xraypneumonia%0A (accessed on 9 September 2022).
  58. Rastgarpour, M.; Shanbehzadeh, J. Application of AI techniques in medical image segmentation and novel categorization of available methods and tools. In Proceedings of the International MultiConference of Engineers and Computer Scientists 2011, Hong Kong, China, 16–18 March 2011; pp. 519–523. [Google Scholar]
  59. Alqudah, A.M.; Qazan, S. Augmented COVID-19 X-ray Images Dataset|Github. Available online: https://githubcom/agchung/Actualmed-COVID-chestxray-dataset/ (accessed on 2 September 2022).
  60. Hwang, E.J.; Park, S.; Jin, K.-N.; Kim, J.I.; Choi, S.Y.; Lee, J.H.; Goo, J.M.; Aum, J.; Yim, J.-J.; Cohen, J.G.; et al. Development and Validation of a Deep Learning–Based Automated Detection Algorithm for Major Thoracic Diseases on Chest Radiographs. JAMA Netw. Open 2019, 2, e191095. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  61. Kermany, D.S.; Goldbaum, M.; Cai, W.; Valentim, C.C.S.; Liang, H.; Baxter, S.L.; McKeown, A.; Yang, G.; Wu, X.; Yan, F.; et al. Identifying Medical Diagnoses and Treatable Diseases by Image-Based Deep Learning. Cell 2018, 172, 1122–1131.e9. [Google Scholar] [CrossRef]
  62. Shiraishi, J.; Katsuragawa, S.; Ikezoe, J.; Matsumoto, T.; Kobayashi, T.; Komatsu, K.I.; Matsui, M.; Fujita, H.; Kodera, Y.; Doi, K. Development of a digital image database for chest radiographs with and without a lung nodule: Receiver operating characteristic analysis of radiologists’ detection of pulmonary nodules. Am. J. Roentgenol. 2000, 174, 71–74. [Google Scholar] [CrossRef] [PubMed]
  63. Mohsen, H.; El-Dahshan, E.S.A.; El-Horbaty, E.S.M.; Salem, A.B.M. Classifcation using deep learning neural networks for brain tumors. Futur. Comput. Inform. J. 2018, 3, 68–71. [Google Scholar] [CrossRef]
  64. Park, S.; Kim, G.; Kim, J.; Kim, B.; Ye, J.C. Federated split task-agnostic vision transformer for COVID-19 CXR diagnosis. Adv. Neural Inf. Process. Syst. 2021, 34, 24617–24630. [Google Scholar]
  65. Rahman, T.; Khandakar, A.; Kadir, M.A.; Islam, K.R.; Islam, K.F.; Mazhar, R.; Mahbub, Z.B.; Ayari, M.A.; Chowdhury, M.E. Reliable tuberculosis detection using chest X-ray with deep learning, segmentation and visualization. IEEE Access 2020, 8, 191586–191601. [Google Scholar] [CrossRef]
  66. Chen, J.; Wu, L.; Zhang, J.; Zhang, L.; Gong, D.; Zhao, Y.; Chen, Q.; Huang, S.; Yang, M.; Yang, X.; et al. Deep learning-based model for detecting 2019 novel coronavirus pneumonia on high-resolution computed tomography. Sci. Rep. 2020, 10, 19196. [Google Scholar] [CrossRef]
  67. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  68. Vaid, A.; Jaladanki, S.K.; Xu, J.; Teng, S.; Kumar, A.; Lee, S.; Glicksberg, B.S. Federated learning of electronic health records improves mortality prediction in patients hospitalized with COVID-19. Ethnicity 2020, 77. [Google Scholar]
  69. Pang, J.; Huang, Y.; Xie, Z.; Li, J.; Cai, Z. Collaborative city digital twin for the COVID-19 pandemic: A federated learning solution. Tsinghua Sci. Technol. 2021, 26, 759–771. [Google Scholar] [CrossRef]
  70. Cetinkaya, A.E.; Akin, M.; Sagiroglu, S. A Communication Efficient Federated Learning Approach to Multi Chest Diseases Classification. In Proceedings of the 2021 6th International Conference on Computer Science and Engineering (UBMK), Ankara, Turkey, 15–17 September 2021; pp. 429–434. [Google Scholar] [CrossRef]
  71. Kuzdeuov, A.; Baimukashev, D.; Karabay, A.; Ibragimov, B.; Mirzakhmetov, A.; Nurpeiissov, M.; Lewis, M.; Varol, H.A. A Network-Based Stochastic Epidemic Simulator: Controlling COVID-19 With Region-Specific Policies. IEEE J. Biomed. Health Inform. 2020, 24, 2743–2754. [Google Scholar] [CrossRef] [PubMed]
  72. Rahimzadeh, M.; Attar, A.; Sakhaei, S.M. A fully automated deep learning-based network for detecting COVID-19 from a new and large lung CT scan dataset. Biomed. Signal Process. Control 2021, 68, 102588. [Google Scholar] [CrossRef]
  73. Afshar, P.; Heidarian, S.; Naderkhani, F.; Oikonomou, A.; Plataniotis, K.N.; Mohammadi, A. COVID-CAPS: A capsule network-based framework for identification of COVID-19 cases from X-ray images. Pattern Recognit. Lett. 2020, 138, 638–643. [Google Scholar] [CrossRef]
  74. Alyasseri, Z.A.A.; Al-Betar, M.A.; Abu Doush, I.; Awadallah, M.A.; Abasi, A.K.; Makhadmeh, S.N.; Alomari, O.A.; Abdulkareem, K.H.; Adam, A.; Damasevicius, R.; et al. Review on COVID-19 diagnosis models based on machine learning and deep learning approaches. Expert Syst. 2021, 39, e12759. [Google Scholar] [CrossRef]
  75. Liu, T.; Siegel, E.; Shen, D. Deep Learning and Medical Image Analysis for COVID-19 Diagnosis and Prediction. Annu. Rev. Biomed. Eng. 2022, 24, 179–201. [Google Scholar] [CrossRef]
  76. Kautish, S. Coronavirus-related Disease Pandemic: A Review on Machine Learning Approaches and Treatment Trials on Diagnosed Population for Future Clinical Decision Support. Curr. Med. Imaging 2022, 18, 104–112. [Google Scholar] [CrossRef]
  77. Nayak, J.; Naik, B.; Dinesh, P.; Vakula, K.; Dash, P.B.; Pelusi, D. Significance of deep learning for COVID-19: State-of-the-art review. Res. Biomed. Eng. 2021, 38, 243–266. [Google Scholar] [CrossRef]
  78. Naeem, A.; Anees, T.; Fiza, M.; Naqvi, R.A.; Lee, S.-W. SCDNet: A Deep Learning-Based Framework for the Multiclassification of Skin Cancer Using Dermoscopy Images. Sensors 2022, 22, 5652. [Google Scholar] [CrossRef]
  79. Saeed, U.; Shah, S.Y.; Ahmad, J.; Imran, M.A.; Abbasi, Q.H. Machine learning empowered COVID-19 patient monitoring using non-contact sensing: An extensive review. J. Pharm. Anal. 2022, 12, 193–204. [Google Scholar] [CrossRef] [PubMed]
  80. Ravi, V.; Narasimhan, H.; Chakraborty, C.; Pham, T.D. Deep learning-based meta-classifier approach for COVID-19 classification using CT scan and chest X-ray images. Multimedia Syst. 2021, 28, 1401–1415. [Google Scholar] [CrossRef] [PubMed]
  81. Naeem, A.; Anees, T.; Naqvi, R.A.; Loh, W.-K. A Comprehensive Analysis of Recent Deep and Federated-Learning-Based Methodologies for Brain Tumor Diagnosis. J. Pers. Med. 2022, 12, 275. [Google Scholar] [CrossRef] [PubMed]
  82. Pan, X.; Lin, X.; Cao, D.; Zeng, X.; Yu, P.S.; He, L.; Cheng, F. Deep learning for drug repurposing: Methods, databases, and applications. Wiley Interdiscip. Rev. Comput. Mol. Sci. 2022, 8, e1597. [Google Scholar] [CrossRef]
  83. Naeem, A.; Farooq, M.S.; Khelifi, A.; Abid, A. Malignant Melanoma Classification Using Deep Learning: Datasets, Performance Measurements, Challenges and Opportunities. IEEE Access 2020, 8, 110575–110597. [Google Scholar] [CrossRef]
  84. Naeem, A.; Anees, T.; Ahmed, K.T.; Naqvi, R.A.; Ahmad, S.; Whangbo, T. Deep learned vectors’ formation using auto-correlation, scaling, and derivations with CNN for complex and huge image retrieval. Complex Intell. Syst. 2022, 1–23. [Google Scholar] [CrossRef]
Figure 1. Sample images of CXR (a) TB, (b) LC, (c) COVID-19, (d) normal, (e) PneuTh, and (f) Pneu.
Figure 1. Sample images of CXR (a) TB, (b) LC, (c) COVID-19, (d) normal, (e) PneuTh, and (f) Pneu.
Sensors 23 00743 g001
Figure 2. Framework for FL in CXR image processing for multiple chest diseases.
Figure 2. Framework for FL in CXR image processing for multiple chest diseases.
Sensors 23 00743 g002
Figure 3. Process of proposed DMFL_Net.
Figure 3. Process of proposed DMFL_Net.
Sensors 23 00743 g003
Figure 4. Accuracy of DMFL_Net with VGG-16; (a) 500 images; (b) 800 images; (c) 1200 images; (d) 1500 images; (e) 1800 images; (f) 2000 images.
Figure 4. Accuracy of DMFL_Net with VGG-16; (a) 500 images; (b) 800 images; (c) 1200 images; (d) 1500 images; (e) 1800 images; (f) 2000 images.
Sensors 23 00743 g004
Figure 5. Accuracy of DMFL_Net with VGG-19; (a) 1000 images; (b) 1600 images; (c) 2400 images; (d) 3000 images; (e) 4000 images; (f) 5000 images.
Figure 5. Accuracy of DMFL_Net with VGG-19; (a) 1000 images; (b) 1600 images; (c) 2400 images; (d) 3000 images; (e) 4000 images; (f) 5000 images.
Sensors 23 00743 g005
Figure 6. Accuracy of DMFL_Net with VGG-19; (a) 1000 images; (b) 1600 images; (c) 2400 images; (d) 3000 images; (e) 4000 images; (f) 5000 images.
Figure 6. Accuracy of DMFL_Net with VGG-19; (a) 1000 images; (b) 1600 images; (c) 2400 images; (d) 3000 images; (e) 4000 images; (f) 5000 images.
Sensors 23 00743 g006
Figure 7. DMFL_Net training time.
Figure 7. DMFL_Net training time.
Sensors 23 00743 g007
Figure 8. DMFL_Net upload number with (a) VGG-16; (b) VGG-19; and (c) DenseNet-169 and DMFL_Net upload time with (d) VGG-16; (e) VGG-19; and (f) DenseNet-169.
Figure 8. DMFL_Net upload number with (a) VGG-16; (b) VGG-19; and (c) DenseNet-169 and DMFL_Net upload time with (d) VGG-16; (e) VGG-19; and (f) DenseNet-169.
Sensors 23 00743 g008
Figure 9. Grad-cam of four chest diseases.
Figure 9. Grad-cam of four chest diseases.
Sensors 23 00743 g009
Table 1. Insightful reviews of recent literature on FL and cutting-edge algorithm design methods.
Table 1. Insightful reviews of recent literature on FL and cutting-edge algorithm design methods.
RefDisease ClassificationModelsContributionData Privacy and DistributionLimitationOutcomes
[2]COVID-19 and PneumoniaClustered FLIt presents a framework for collaborative learning for intelligent edge device visual data processing by developing a multi-modal ML system that can identify COVID-19 in X-ray and Ultrasound images.YesThe number of samples per customer changes, which is a crucial factor in clustered FL performance.F1-score = 76.0% and Recall = 82%
[3]COVID-19FedMA, deep CNN and LSTMFedMA develops the global shared model by building it up one layer at a time, using the feature extraction signatures of undetected parts.YesProtection of data confidentialityAccuracy = 94.70%
[49]COVID-19CNNA shared FL framework for filtering COVID-19 from CXR images with DL, without sharing patient data.YesThe problem of inconsistent data must be solved.Accuracy = 97%
[51]COVID-19 and PneumoniaDenseNet-121 + FLThe suggested approach enables users to identify COVID-19 in a matter of seconds from the upload of a single chest X-ray picture.YesThe problem of inconsistent data must be solved.Accuracy = 97.51%
[53]COVID-19 and Viral PneumoniaCNNThe current gold standard for screening for COVID-19 patients is RT-PCR testing, which is a highly time-consuming, labor-intensive, and complex manual approach. Thus, DCNN trained on chest X-rays can ascertain this phenomenon.NoConventional training algorithms have the drawbacks of slow convergence speed and local optima stagnation.Accuracy = 90.64%
[54]COVID-19pretrained DenseNet-201An optimal DL method as a way of separating individuals with COVID-19 infection from healthy peopleNoThe problem of inconsistent data must be solved.Accuracy = 94.76%
[37]COVID-19CNNConceived of a distributed system whereby users may pool their gradients to boost the safety of shared data.YesUnderfitting occurs when a network’s size is inadequate.-
Table 2. Summary of the datasets used in this study.
Table 2. Summary of the datasets used in this study.
LabelsCOVID-19LCTBPneuThPneuNormalTotal
CXR3301500070027933867134917,017
CXR augmentation70007000700070007000700042,000
Training (80%)56005600560056005600560033,600
Validation (10%)7007007007007007004200
Testing (10%)7007007007007007004200
Total17,30119,00014,70016,79317,86715,349101,017
Table 3. Experimental configuration.
Table 3. Experimental configuration.
ModesGPURAMPythonCUDA
Client 1GTX 107011 GB3.911.8
Client 2GTX 107011 GB3.911.8
Client 3GTX 107011 GB3.911.8
ServerGTX 108011 GB3.910.1
Table 4. Division of the CXR images into six groups. Each group contains different CXR images and assigned these images to three different clients.
Table 4. Division of the CXR images into six groups. Each group contains different CXR images and assigned these images to three different clients.
TypesClient 1Size (MB)Client 2Size (MB)Client 3Size (MB)Total ImagesTotal Size (MB)
150070.811000100.220001653500336.01
280090.251600136.933000190.965400418.14
31200121.352400170.853200195.986800488.18
41500135.693000190.963500205.958000532.6
510001504000205.953800235.968800591.91
620001654200225.504200305.5610,400470.56
Table 5. Results were obtained by using DMFL_Net and default FL settings with VGG-16.
Table 5. Results were obtained by using DMFL_Net and default FL settings with VGG-16.
ModelsCXR ImagesAccuracyPrecisionRecallSpecificityF1-Measure
DMFL_Net + VGG-1650087.57%86.71%86.23%86.86%86.99%
Default FL + VGG-1680.21%79.92%79.79%80.01%80.09%
DMFL_Net + VGG-1680087.30%86.13%86.14%86.29%87.23%
Default FL + VGG-1681.26%80.96%80.94%80.96%81.07%
DMFL_Net + VGG-16120085.01%84.92%84.97%84.92%85.00%
Default FL + VGG-1684.91%84.82%84.79%84.87%84.89%
DMFL_Net + VGG-16150088.12%88.02%88.05%88.09%88.09%
Default FL + VGG-1664.79%64.24%64.41%64.47%64.57%
DMFL_Net + VGG-16100091.01%90.99%90.97%90.96%91.00%
Default FL + VGG-1689.29%89.03%89.07%89.19%89.15%
DMFL_Net + VGG-16200088.33%88.12%88.14%88.25%88.22%
Default FL + VGG-1682.19%82.01%81.98%82.09%82.07%
Table 6. Results were obtained by using DMFL_Net and default FL settings with VGG-19.
Table 6. Results were obtained by using DMFL_Net and default FL settings with VGG-19.
ModelsCXR ImagesAccuracyPrecisionRecallSpecificityF1-Measure
DMFL_Net + VGG-1950080.96%80.06%80.19%80.39%80.47%
Default FL + VGG-1980.01%79.99%80.00%80.00%80.01%
DMFL_Net + VGG-1980081.95%81.15%81.37%81.42%81.79%
Default FL + VGG-1979.18%79.45%79.55%79.78%79.95%
DMFL_Net + VGG-19120090.15%90.07%90.09%90.12%90.14%
Default FL + VGG-1985.26%85.01%85.13%85.17%85.19%
DMFL_Net + VGG-19150087.78%87.38%87.59%87.67%87.71%
Default FL + VGG-1985.23%85.03%85.13%85.12%85.19%
DMFL_Net + VGG-19100087.89%87.21%87.35%87.49%87.59%
Default FL + VGG-1984.00%83.98%83.99%84.00%84.00%
DMFL_Net + VGG-19200092.25%92.05%92.11%92.16%92.21%
Default FL + VGG-1990.03%90.01%90.00%90.02%90.03%
Table 7. Results were obtained by using DMFL_Net and default FL settings with DenseNet-169.
Table 7. Results were obtained by using DMFL_Net and default FL settings with DenseNet-169.
ModelsCXR ImagesAccuracyPrecisionRecallSpecificityF1-Measure
DMFL_Net + DenseNet-16950078.89%78.49%78.33%78.42%78.75%
Default FL + DenseNet-16975.25%75.12%75.19%75.21%75.22%
DMFL_Net + DenseNet-16980088.48%88.21%88.19%88.29%88.37%
Default FL + DenseNet-16980.89%80.29%80.34%80.43%80.69%
DMFL_Net + DenseNet-169120092.69%92.32%92.27%92.31%92.47%
Default FL + DenseNet-16989.26%89.06%89.13%89.15%89.19%
DMFL_Net + DenseNet-169150094.87%94.80%94.81%94.84%94.83%
Default FL + DenseNet-16987.78%87.58%87.63%87.69%87.72%
DMFL_Net + DenseNet-169100098.45%98.40%98.42%98.41%98.44%
Default FL + DenseNet-16990.40%90.36%90.34%90.37%90.38%
DMFL_Net + DenseNet-169200097.56%97.42%97.44%97.41%97.50%
Default FL + DenseNet-16990.45%90.40%90.39%90.41%90.42%
Table 8. Comparison of the proposed model with recent studies.
Table 8. Comparison of the proposed model with recent studies.
RefDesign MethodsDisease ClassificationAccuracyData SharingPrivacy
[71]2D UNET++COVID-19 and Pneumonia96.21%NoNo
[76]Attention module + ResNet-50COVID-19 and Pneumonia93.30%NoNo
[77]FL + CapsNetCOVID-1989.00%YesYes
[78]CNNCOVID-1985.40%NoNo
[1]Genetic CFLCOVID-1991.01%YesYes
[2]Clustered FLCOVID-1995.15%YesYes
OursDMFL_Net + DenseNetCOVID-19, LC, TB, PneuTh, Pneu.98.45%YesYes
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

Malik, H.; Naeem, A.; Naqvi, R.A.; Loh, W.-K. DMFL_Net: A Federated Learning-Based Framework for the Classification of COVID-19 from Multiple Chest Diseases Using X-rays. Sensors 2023, 23, 743. https://doi.org/10.3390/s23020743

AMA Style

Malik H, Naeem A, Naqvi RA, Loh W-K. DMFL_Net: A Federated Learning-Based Framework for the Classification of COVID-19 from Multiple Chest Diseases Using X-rays. Sensors. 2023; 23(2):743. https://doi.org/10.3390/s23020743

Chicago/Turabian Style

Malik, Hassaan, Ahmad Naeem, Rizwan Ali Naqvi, and Woong-Kee Loh. 2023. "DMFL_Net: A Federated Learning-Based Framework for the Classification of COVID-19 from Multiple Chest Diseases Using X-rays" Sensors 23, no. 2: 743. https://doi.org/10.3390/s23020743

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