Next Article in Journal
MVPN: A Defense Architecture against VPN Traffic Hijacking Based on MTD
Next Article in Special Issue
Fast Mode Decision Method of Multiple Weighted Bi-Predictions Using Lightweight Multilayer Perceptron in Versatile Video Coding
Previous Article in Journal
Performance Analysis of Vilnius Chaos Oscillator-Based Digital Data Transmission Systems for IoT
Previous Article in Special Issue
Facial Emotion Recognition with Inter-Modality-Attention-Transformer-Based Self-Supervised Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Federated Learning Approach for Early Detection of Chest Lesion Caused by COVID-19 Infection Using Particle Swarm Optimization

by
Dasaradharami Reddy Kandati
and
Thippa Reddy Gadekallu
*
School of Information Technology and Engineering, Vellore Institute of Technology, Vellore 632014, India
*
Author to whom correspondence should be addressed.
Electronics 2023, 12(3), 710; https://doi.org/10.3390/electronics12030710
Submission received: 21 December 2022 / Revised: 23 January 2023 / Accepted: 29 January 2023 / Published: 31 January 2023
(This article belongs to the Special Issue Signal and Image Processing Applications in Artificial Intelligence)

Abstract

:
The chest lesion caused by COVID-19 infection pandemic is threatening the lives and well-being of people all over the world. Artificial intelligence (AI)-based strategies are efficient methods for helping radiologists by assessing the vast number of chest X-ray images, which may play a significant role in simplifying and improving the diagnosis of chest lesion caused by COVID-19 infection. Machine learning (ML) and deep learning (DL) are such AI strategies that have helped researchers predict chest lesion caused by COVID-19 infection cases. But ML and DL strategies face challenges like transmission delays, a lack of computing power, communication delays, and privacy concerns. Federated Learning (FL) is a new development in ML that makes it easier to collect, process, and analyze large amounts of multidimensional data. This could help solve the challenges that have been identified in ML and DL. However, FL algorithms send and receive large amounts of weights from client-side trained models, resulting in significant communication overhead. To address this problem, we offer a unified framework combining FL and a particle swarm optimization algorithm (PSO) to speed up the government’s response time to chest lesion caused by COVID-19 infection outbreaks. The Federated Particle Swarm Optimization approach is tested on a multidimensional chest lesion caused by the COVID-19 infection image dataset and the chest X-ray (pneumonia) dataset from Kaggle’s repository. Our research shows that the proposed model works better when there is an uneven amount of data, has lower communication costs, and is therefore more efficient from a network’s point of view. The results of the proposed approach were validated; 96.15% prediction accuracy was achieved for chest lesions caused by the COVID-19 infection dataset, and 96.55% prediction accuracy was achieved for the chest X-ray (pneumonia) dataset. These results can be used to develop a progressive approach for the early detection of chest lesion caused by COVID-19 infection.

1. Introduction

Chest lesion caused by COVID-19 infection has impacted human health and life in a significant way due to its rapid spread. Researchers have found that the chest lesion caused by COVID-19 pandemic is one of the most catastrophic health problems now impacting millions of individuals throughout the world [1,2,3]. A person infected with COVID-19 releases respiratory particles into the air when he or she sneezes, coughs, or talks. Detection of chest lesion caused by COVID-19 infection at the earliest possible stage is crucial to limiting the potential spread of the disease. There is a growing need for a quick and accurate technique for diagnosing chest lesion caused by COVID-19 infection outbreaks. Chest lesion caused by COVID-19 infection was declared a public health emergency by the World Health Organization (WHO) due to its outbreak severity. This deadly outbreak caused many people to suffer in many ways. Globally, millions of tests have been performed to detect chest lesion caused by COVID-19 virus [4]. The detection of chest lesion caused by COVID-19 infection in the human body currently uses one of these three methods:
  • The COVID can be detected using computed tomography scans (CT scans), which use 3D radiographic images.
  • Contagious RNA can be detected from nasal swabs using Reverse Transcription Polymerase Chain Reaction (RT-PCR).
  • Less equipment is required for chest X-rays (CXR) and these are more portable than CT scan machines. The CXR test also takes about 15 s per person, which is time efficient.
However, hospitals and many health centres does not have the facility for CT scans. Also, many hospitals do not have an easy access to the equipment to diagnose chest lesion caused by COVID-19 infection using RT-PCR test. This is also a time consuming process. In this paper we use chest lesion caused by COVID-19 infection chest X-ray image dataset because of its ease of availability, reliability and accuracy.
One of the most common types of clinical testing is RT-PCR, which uses a swab (inserted into the mouth or nose) to collect a sample for pathogen RNA sequencing from viral specimens. The purpose of collecting these antibodies is to determine if the disease has spread throughout the body. Another common strategy is to explore RNA sequences since this helps to identify antibodies responsible for preventing viruses and necessitates the use of FDA-approved medicines to combat them. These clinical trials proved to be beneficial. However, these diagnostic treatments require the help of doctors and take a long time. Because of this, they are quite expensive.
The earliest possible diagnosis of a chest lesion caused by COVID-19 infection may be made if medical professionals have access to sufficient epidemiological data, including protein composition (mostly RNA), serological findings, and diagnostic investigations. Moreover, the clinical importance of a chest lesion caused by COVID-19 infection can be determined with high precision using imaging data [5]. Early diagnosis of a chest lesion caused by COVID-19 infection in clinical specimens is a drawback for health care and epidemic management. The spread of disease can be controlled by early detection [6,7].
Artificial Intelligence (AI) engineers and data scientists are in a great position to detect the spread of a chest lesion caused by the COVID-19 infection. The researchers have started implementing Machine Learning (ML) techniques, particularly Deep learning (DL), on various chest X-ray images. Despite this, medical organisations, which often manage CXR images, permit using their data for model training. Medical institutions with fewer samples cannot train a model that can detect chest diseases with the expected performance because medical data are subject to stringent privacy regulations [8,9,10]. Computer-aided diagnosis has advanced considerably in many healthcare domains with recent developments in AI [11]. DL techniques were used in the past which use the Convolutional Neural Network (CNN) classification model to find diseases like cancer and pneumonia. Chest X-ray images can be used to predict chest lesions caused by COVID-19 infection based on the DL models’ promising results [12,13]. AI and DL models can be used to predict how the disease will spread based on previous occurrences. This could retain the diseases from spreading further [14]. Thus, there is a requirement to develop ML models to detect chest lesions caused by COVID-19 infected patients or to predict their future disease transmission. However, this is challenging, since patient data is sensitive, and without sufficient data, it is impossible to develop an accurate model [11]. Thus, there is a need to develop a model that makes accurate predictions without requiring the transfer of a patient’s personal data.
Google first presented Federatyed Learning (FL) as a new paradigm for ML in 2016. The use of FL allows us to potentially build a ML model from different datasets without revealing any private information [13,15,16,17]. Furthermore, FL guarantees a decrease in communication costs between the server and the client [18]. Since the client-side data is not sent to the server for training, the delay in sending and receiving information is minimized. In addition to use of large volumes of data locally, FL can do the same thing remotely [19]. But with FL, communication is more time-consuming than computation. In order to make FL more effective the amount of network communication time needs to be cut down. In recent studies [20,21,22,23,24], FL can be used to accurately diagnose a chest lesion caused by COVID-19 infection using X-ray images. However, the aforementioned research utilised FL’s default configuration, which leads to poor effectiveness when client data uncertainty is present and necessitates a substantial computational cost for the distribution of model updates. Particle Swarm Optimization (PSO), a method that finds the best solution in a decentralized setting, is used in the proposed research to speed up model updates [25,26]. PSO needs many repetitions because it uses a random method to find the best solution. The PSO works effectively in adaptive and complex settings, such as FL. Thus, we create an innovative method where the PSO is used in FL.

Key Contributions

The major contributions of this paper are summarized below:
  • We develop a strategy for addressing communication delay. Our approach proposes a new paradigm of efficient comprehensive integration of FL and PSO, therefore applying the well acknowledged benefits of swarm intelligence to distributed learning applications.
  • The empirical assessments demonstrate that the suggested method is more effective to the standard FL methods in terms of performance. The suggested FPS Optimization displays an improvement in terms of its accuracy.
  • Based on the results of the simulation studies, it is evident our method is better than the benchmark processes in terms of achieving higher levels of accuracy during testing.
The remaining sections of the paper are organized as follows. The Section 2 discusses earlier research that makes use of FL and PSO. Section 3 provides an overview of the proposed methodology. Section 4 presents an evaluation of the proposed technique. Finally, the paper is concluded with Section 5.

2. Background and Related Work

This section reviews the current literature on FL, PSO, and chest lesions caused by COVID-19 infection detection and analysis.

2.1. Federated Learning

FL is an effective strategy for learning from dispersed datasets [19,27]. It prevents sensitive information from escaping when training a model on data from several devices. Recently, there has been a lot of focus on FL, which has motivated several useful initiatives to create learning-based applications on a wide variety of decentralized devices. FL enables decentralized learning without the need to transfer raw data between nodes, thereby protecting user information [27,28]. Moreover, FL guarantees a decrease in the server-client communication cost [18]. The communication between the client and server has decreased since training-related client data is not transferred to the server. The benefits of FL include increased privacy and decreased communication costs. FL is used in situations where maintaining confidentiality and privacy are of the utmost importance [1,28,29]. Figure 1 explains the FL process.
  • The server generates a model using the given data.
  • Sends a copy of the model to each client, who will then train the model based on their local data.
  • Client-trained models are uploaded to the server for further processing. Please keep in mind that only the model is being used, not any actual data.
  • Aggregation algorithms are used on the server side to add up the models sent by each client.
  • The server sends updates to the clients, and the cycle keeps going until the model is optimized.
There are many FL services that use strategies such as Fedavg, Federated Stochastic Gradient Descent (FedSGD) [18], and FedMA [30] to carry out Step 4. The algorithm was originally developed by McMahan [18] and is currently used to enhance models obtained from collected data in several FL studies. Global models are generated by averaging data from all clients in both algorithms. FedSGD obtains the weights on the server instead of updating them on the client. Using a gradient, this algorithm figures out the average, and then it changes the global weights to make a global model. By combining FedSGD and mini-batches, the FedAvg algorithm updates models directly on the client. The server then takes the average of these weights to make a new global model.

2.2. Particle Swarm Optimization

Kennedy and Eberhart created the PSO in 1995 [25,26], based on the behavoir of birds. The method uses techniques inspired by natural bird and fish swarms to optimise several variables at once. The PSO algorithm saves time and memory because it is easy to use, converges quickly, is strong, can be scaled up, and works well with mathematical problems [31]. Stochastic optimization uses a statistical technique and needs several iterations.
The components of PSO consist of swarms and particles. A swarm is a collection of several different particles. Particles can be viewed as symbols for the infinite number of potential outcomes of a problem. The next step of each particle is determined by its position and speed (S). To determine the ideal value for the entire structure, every particle communicates with its peers to provide its p b (particle best) variable. The g b (global best) parameter for every particle is set to the value that maximizes the p b parameters: g b = m a x i ( p b ) . Based on a particle’s present position, its distance from its past position, its current velocity, and its current distance from its past position, the particle’s position is modified. There is only one objective function required, which makes it different from other optimization algorithms. Iterative optimization is achieved using the PSO method. Using the Equation (1) below, particles calculate the speed of their next step by adding their inertia ( S t 1 , the speed of their last step), and their p b and g b values.
S i t = α · S i t 1 + c 1 · r a n d 1 · ( p b S i t 1 ) + c 2 · r a n d 2 · ( g b S i t 1 )
In Equation (1), α represents the i n e r t i a weight, c 1 and c 2 are the acceleration constants, called the cognitive and social parameters respectively, and r a n d 1 and r a n d 2 are two random numbers in the range [0, 1] that restrict the velocity of the particle in the coordinate direction. The randomization provided by the parameters c 1 , c 2 , r a n d 1 , and r a n d 2 , reduces the predictability of the method while increasing its adaptability. Here, p b is the particle best, and g b is the global best.

2.3. Related Work

Several research findings have examined the effectiveness of FL by improving communication between clients. Many problems are caused by the unstable network environment of mobile devices in FL. There are many problems with this, such as frequent crashes, frequent changes in node groups, a lot of work for the central server, and a big increase in latency as the number of nodes increases. In some cases, it is also important to consider the volume of information being sent between the client and server. The recent studies in [32,33,34] propose a strategy for tackling the limited bandwidth bottleneck by jointly selecting devices and designing beamforming algorithms.
PSO simulates animal swarm intelligence to address challenging optimization problems without convexity or differentiability [25,35]. PSO concepts have been used in some recent attempts to enhance ML performance. PSO is used to improve the accuracy of recognition and image classification with convolutional neural networks (CNNs) [36,37,38]. FL performance can be improved through the integration of FL and PSO [39,40]. The FL is used for learning [39], whereas the PSO is used for finding the most optimal hyper-parameters. There have been a lot of works on how to improve FL performance. Most of the works highlighted about the client communication and global optimization. In addition, a variety of approaches have been proposed for implementing PSO in FL, but PSO has not been used to improve the network communication between global models.
PSO is generally used to select an appropriate client model for every round of global model updates. The PSO algorithm optimizes the performance of FL by fine-tuning its parameters. During aggregation, PSO optimizes the coefficients of clients involved in the process [41]. The integration of FL and PSO allows us to identify the function that a group of agents must optimize [42]. The authors in [43] combined PSO and FL to meet both privacy and feature selection requirements. The authors in [40] proposed a FedPSO technique that is based on particle swarm optimization in order to increase the network communication performance of FL and to minimize the quantity of the data that is transmitted from clients to servers. In another work, the authors in [44] propose a comprehensive method that is based on FL with a particle swarm optimization algorithm that allows investigators to respond to forest fires more quickly. To improve FL’s efficiency, most previous works focused on expanding communication with clients and performing global optimization. However, PSO has been used to optimize local optimization problems; it has never been applied to boost the efficiency of global models through the transmission of data over the internet. Our work is mostly about making FL run better by modifying the type of information used when clients and servers exchange data based on PSO. Table 1 summarizes the key findings from the above discussion.
From the above literature survey, it is clear that PSO is capable of addressing FL challenges. In order to prevent the spread of chest lesions caused by COVID-19 infection, we have utilized FPS Optimization to train local data models based on ML at each individual location, then transmit those models to a centralized server where they are aggregated to form a global data model. A CNN classifier was trained on a server data model to make chest lesions caused by COVID-19 infection predictions. To the best of our knowledge, this is the first study to propose the FPS Optimization framework for early prediction of COVID-19-induced chest lesions.
Our work outperformed the previous works performed on chest lesions caused by the COVID-19 infection dataset. Since the FL technique used here, the client privacy is ensured. The proposed model also uses PSO along with FL which optimizes the client selection strategy and thereby enables the better and faster performance. Our work is superior in implementing both the smaller chest lesion caused by COVID-19 images and the larger chest X-ray images (pneumonia) datasets.

3. Proposed Methodology

The main goal of our study is to come up with a way to detect chest lesions caused by COVID-19 infection as early as possible and stop the loss that occurs due to it. Such a model is possible by combining FL and PSO. To enhance the accuracy of CNN models, it is common procedure to add more layers to the model. This is known as a deep neural network. The training effort required for the weight parameters grows proportionally with the layer depth. The cost of sending the model learned on the client to the server increases, as shown in Figure 2. Thus, we propose a unified framework, which uses PSO features to transfer the trained model, regardless of its size, with the highest score (for example, accuracy or loss).
First, we will analyze the algorithm that was utilized in the work done before on FL (such as FedAvg [18]), and then we will discuss the suggested FPS Optimization. The steps involved in the first process of Algorithm 1, which is employed in FL, are as follows: line 4 indicates which client will participate in the round. In lines 5 and 6, the client’s weight values are received. The average weights are calculated from line 7, and then the global weights are determined. Lines 8–10 show how the client gets the information based on the global weights sent by the server.
Algorithm 1 FedAvg algorithm; K = no. of clients; E = Epochs served for the whole client; Clients can be chosen based on their C-ratio.
 1:
functionServerAggregation( η N )
 2:
 initialise w 0
 3:
for every iteration t = 1 , 2 ,  do
 4:
   S t (clients are chosen randomly from set of m a x ( C K , 1 ) )
 5:
  for each client k E S t in parallel do
 6:
    w t + 1 k UpdateClient ( k , w t )
 7:
   w t + 1 average of the weights that are collected w t + 1 k of S t clients
 8:
functionUpdateClient( k , w )
 9:
 Carry out the process of learning on the client k with weight w till the client arrives E epoch
10:
w (revised weight after receiving new information)
11:
return w to the server
Next, the suggested model, FPS Optimization, accepts model weights exclusively from the client with the highest score and not from all clients. Figure 3 shows how the process works. The highest score is determined by lowest possible loss value of the trained client. The loss value in this case is only 4 bytes long. FPS Optimization finds the finest model by applying the pb and gb variables, and it then changes the value of S for each weighted array member that represents the finest model.
According to Equation (1), the FPS Optimization weights were updated as follows:
S l t = α · S l t 1 + c 1 · r a n d 1 · ( p b S l t 1 ) + c 2 · r a n d 2 · ( g b S l t 1 ) w i t = w i t 1 + S t
The weight w of each layer in CNN is represented by S in Equation (2). The present step weight w t is calculated by adding S to the weight w t 1 from the preceding step. As in Equation (1), α represents the inertia weight, c 1 denotes the constant of acceleration for p b , and c 2 denotes the constant of acceleration for g b . R a n d 1 and R a n d 2 are randomly generated numbers between 0 and 1.
The concept of the proposed framework is based on Algorithm 2. This algorithm extends Algorithm 1 by applying PSO. In contrast with traditional methods, the function ServerAggregation only accepts p b values from the client on line 5. In ServerAggregation function the variables w 0 , g i d , p b , g b are initialized. Here the UpdateClient function is called, which updates the p b value. The w g b and p b are compared and w g b is updated with the new p b value and g i d is updated with K value which is client id. Using lines 6–8, we search for the client with the p b value (lowest loss value after training the client) among the available samples. Using the PSO, CNN performs the UpdateClient function. In UpdateClient function the variables S, w, w p b , α , c 1 , c 2 are initialized. β is a constant that holds the divided batch sizes. For each layer the velocity of the particle is updated. Simultaneously, the weights are also updated based on the batch sizes. Variable S is calculated in lines 13–14 along with the best value of w p b , which is stored by the user, and the w g b value received from the server. For each layer weight, the process is repeated. Line 15 adds Variable S to the previous round’s w to figure out the current round’s w. Continue training through lines 16–18 until client epoch E has been reached. GetAptModel requests the best model from the client on the server (lines 20–23). The GetAptModel will make a request to the client with g i d and gets w as acknowledgement from client.
Algorithm 2 Federated Particle Swarm Optimization Algorithm
 1:
functionServerAggregation( η N )
 2:
 initialize w 0 , g i d , p b , g b ,
 3:
for every iteration t = 1 , 2 ,  do
 4:
  for every parallel client k do
 5:
    p b UpdateClient ( k , w t g i d )
 6:
   if  g b > p b  then
 7:
     g b p b
 8:
     g i d k
 9:
    w t + 1 GetAptModel ( g i d )
10:
functionUpdateClient( k , w t g i d )
11:
 initialize S, w, w p b , α , c 1 , c 2
12:
β (divide p k into batches each of size B)
13:
for every layer with weight l = 1 , 2 ,  do
14:
   S l α · S l + c 1 · r a n d · ( w p b S l ) + c 2 · r a n d · ( w t g b S l )
15:
w w + S
16:
for every epoch of client i from 1 to E do
17:
  for batch b B  do
18:
    w w η δ ( w ; b )
19:
return pb to the server
20:
functionGetAptModel( g i d )
21:
 make a request to Client(gid)
22:
 will be acknowledged w from Client
23:
return w to the server

4. Experiments and Results

This section summarizes the experiments conducted to evaluate the FPS Optimization architecture. The experiment was conducted using the chest lesion caused by COVID-19 infection dataset and the chest X-ray (pneumonia) dataset, as discussed in the next subsection. Experimental results for accuracy are discussed in the subsection on test results for accuracy for the chest lesion caused by the COVID-19 infection dataset and the chest X-ray (pneumonia) dataset. In the last subsection, we’ll compare how well FPS optimization and regular FL work on the chest lesion caused by the COVID-19 infection dataset and the chest X-ray (pneumonia) dataset.

4.1. Experimental Setup

The experiments were carried out on a laptop equipped with an Intel(R) Core(TM) i5-1135G7 @ 2.40GHz CPU, two NVIDIA GeForce RTX 2070 Super GPUs each with 8 GB of RAM, and 64 GB of memory. We used Keras version 2.4.3 and TensorFlow version 2.3.0 to write our experimental code. The purpose of the work was to enhance FL’s communication capabilities. The weights are updated by a PSO algorithm between the client and the server.
The experiment was conducted using the chest lesion caused by the COVID-19 infection dataset. This set of images consists of 150 × 150 pixels, divided into three categories: Covid, Normal, and Viral Pneumonia, and it has both training images and test images. We assigned particle numbers to each particle and shuffled the datasets for training. Both FL and FPS Optimization use Adam Optimizer to train the client rate. The learning rate value was 0.020. Table 2 depicts the hyper-parameter values used in the paper.

4.2. Dataset

The dataset used in this work is taken from the kaggle repository https://www.kaggle.com/datasets/pranavraikokte/covid19-image-dataset (accessed on 5 September 2022).
The dataset totally contains 317 images. The training dataset folder has 251 images and testing dataset folder has 66 images.
The images in each folder belong to three categories namely:
  • Covid
  • Normal
  • Viral Pneumonia
The purpose of this study is to use PSO to detect the onset of a COVID-19-induced chest lesion. Figure 4 indicates the sample images from the chest lesion caused by the COVID-19 infection dataset.
The chest X-ray (pneumonia) dataset also used in this work is taken from the Kaggle repository https://www.kaggle.com/datasets/paultimothymooney/chest-xray-pneumonia (accessed on 15 January 2023 ). The dataset totally contains 5856 images. The dataset is organized into 3 folders (train, test, val). The train dataset folder has 5216 images, test dataset folder has 624 images and val dataset folder has 16 images. The images in each folder belong to two categories namely:
  • NORMAL
  • PNEUMONIA
Figure 5 indicates the sample images from the chest X-ray images (pneumonia) dataset.

4.3. Dataset Partitioning

The chest lesion caused by the COVID-19 infection dataset is split into three versions: one with 137 images called “Covid,” one with 90 images called “Normal,” and another with 90 images called “Viral Pneumonia”. Chest X-rays are structured into the testing and training directories. We used 80% of the data for training and 20% for testing. Table 3 shows the data partitioning details.
The chest X-ray (pneumonia) dataset is split into two versions: one with 1583 images called “Normal”, and another with 4273 images called “Pneumonia”. Chest X-rays are structured into the testing, training, and validation directories. We used 80% of the data for training, 10% for testing, and 10% for validation. Table 4 shows the data partitioning details.

4.4. CNN

The CNN is a method for obtaining different classification models by backpropagation neural networks. ML methods that utilize DL include multi-level nonlinear transformations. The most popular CNN at the moment is a deep neural network. CNN takes their connection pattern from the structure of the visual cortex of animals, which is one of the most widely used structures in neuroscience. The characteristics of weight sharing, local connection, and pooling in CNN minimize network complexity, model invariance, and training parameters for distortion, translation, and scaling. Along with being reliable and able to handle mistakes, the programme is also easy to train and optimize. These superior properties make it superior to fully connected neural networks in a number of different applications.
In our work, we used a three-layer CNN model that is used to conduct the experiments (the first layer with 32 channels, the second layer with 64, and the third layer with 128 channels, each followed by 2 × 2 max pooling). Table 5 shows the layers of the corresponding model.

4.5. Test Results for Accuracy

Figure 6 and Table 6 shows the accuracy test results for the chest lesion caused by the COVID-19 infection dataset. Test accuracy determines the design of all of these graphs. FPS Optimization provided higher accuracy (96.15%) over FedAvg in all 30 epochs. FedAvg achieved the highest accuracy of 92.30%. FedAvg limits the number of clients to be trained by C, which ranges between 0 and 1. When the data sample is extremely small, there is a possibility that overfitting will occur. When a model is unable to generalise and instead fits too closely to the training dataset, this phenomenon is known as “overfitting”. After 20 and 30 rounds, regardless of the c value, the results remained the same at 92.30% and stopped advancing further after that point as a result of excessive data fitting. The work was done by picking one client from each round of interaction who got a grade of C or higher. The accuracy is higher when the value of C is higher, and data is transmitted between the server and client at the same time as volume increases. However, FPS Optimization converges in less iterations.

4.6. FPS Optimization Performance for the Chest Lesion Caused by the COVID-19 Infection Dataset

The objective of this subsection is to assess the model’s approach and effectiveness. We train the server model first with samples from the chest lesion caused by the COVID-19 infection dataset. Clients are then assigned a server model according to their client ratio. In our study, we randomly selected 10 clients and assigned them to three client ratios: 0.1, 0.2, and 0.5. For each client device in the dataset, observations are picked at random to make sure the data is correct. Figure 6 illustrates the successful effectiveness of the model in comparison to every iteration.
Since there is no initial model, the global model on the server is trained using the data that is available. Then the model that is initially trained is sent as a reference to all clients by default. The global model is updated with the appropriate client model for each round.
Figure 6 shows the graphs for accuracy and the loss of both FPS optimization and FedAVg for 30 rounds. The accuracy graph shows the results of FPS optimization and FedAVg for the values of C = 0.1, 0.2, 0.5, and 1.0. When compared to the FedAVg, FPS optimization proved to be more accurate. Similarly, the loss from FPS optimization is less than the loss from FedAVg.

4.7. FPS Optimization Performance for the Chest X-ray (Pneumonia) Dataset

The objective of this subsection is to assess the model’s approach and effectiveness. We train the server model first with samples from the chest X-ray (pneumonia) dataset. Clients are then assigned a server model according to their client ratio. In our study, we randomly selected 10 clients and assigned them to three client ratios: 0.1, 0.2, and 0.5. For each client device in the dataset, observations are picked at random to make sure the data is correct. Figure 7 illustrates the successful effectiveness of the model in comparison to every iteration.
Figure 7 shows the graphs for accuracy and the loss of both FPS Optimization and FedAvg for the pnemonia X-ray dataset. The accuracy graphs show the results of training accuracy and loss for both FPS Optimization and FedAvg. FPS Optimization proved to have a higher accuracy of 96.55% when compared to FedAvg, which showed an accuracy of 96.16%. The Figure 7 also depicts the training-loss results. The FPS Optimization loss is 0.244, and the FedAvg loss is 0.16.
All of the true negatives and false negatives shown in Figure 8 confusion matrix were put into the trained model, which was then used to figure out if non-COVID images were normal or had pneumonia. The result of the true negatives that were transferred in a separate 2 × 2 confusion matrix is shown in Figure 8.

4.8. Analysis and Discussion

The proposed FPS Optimization model achieves improved results using the COVID-19 dataset. Using a computational strategy that optimizes the issue repeatedly by enhancing the candidate solution connected to the model weights. PSO makes it possible to optimize FL by transmitting the optimal weights to the server so that they may be aggregated. In order to assess the effectiveness of the proposed FPS Optimization, we compared the research findings with the most recent state-of-the-art in the line of work. The authors in [49] present a robust framework that takes advantage of advanced machine learning techniques and data analytics techniques for the early detection of Coronavirus diseases using smartphone embedded sensors. The authors in [50] demonstrate how deep learning models can be used to detect COVID-19 by using X-ray images. The authors in [51] proposed a proposed a high-privacy FL system for chest X-ray-based COVID-19 detection. The authors in [52] proposed the Capsule Network-based COVID-CAPS framework for diagnosing COVID-19 based on X-ray images. The comparative analysis of the methodologies is shown in Table 7. With our proposed strategy, FPS Optimization is a big improvement over more traditional FL methods. Our method works better and is more flexible when it comes to refining the hyper-parameters in FL for the COVID-19 dataset. This makes it easier to diagnose the condition. Our technique ensures that the FL performance may be optimized by improving the measures of the client model before it is sent to the server.

5. Conclusions and Future Directions

In this article, we apply the FPS optimization method to the prediction of chest lesions caused by the COVID-19 infection dataset and the chest X-ray (pneumonia) dataset in a way that enables clients in various locations to develop a common prediction model without sending the training data to the source. This study came up with a FPS Optimization algorithm that uses PSO to increase the efficiency of the FL and reduce the amount of data that the client sends to the server. The proposed algorithm shares the score value of the model trained on the server for aggregation. The client who has achieved the highest score is responsible for distributing the trained communication of a model to the server. The chest lesion caused by the COVID-19 infection dataset and the chest X-ray (pneumonia) dataset were used to train the suggested method for the first time. We used a three-layer CNN to train the proposed algorithm on the COVID-19 chest lesion dataset and a two-layer CNN to train it on the chest X-ray (pneumonia) dataset. The simulation results showed that the suggested method worked better than other algorithms, with a 96.15% accuracy rate for predictions on the chest lesion caused by the COVID-19 infection dataset and a 96.55% accuracy rate for predictions on the chest X-ray (pneumonia) dataset. PSO makes it possible to optimize FL by transmitting the optimal weights to the server so that they may be aggregated. With our proposed strategy, FPS Optimization is a big improvement over more traditional FL methods. Our method works better and is more flexible when it comes to refining the hyper-parameters in FL for the chest lesion caused by COVID-19 infection dataset.
PSO consumes more calculation time and suffers early convergence at the initial stages. PSO is well suited for smaller datasets when compared to larger datasets. Since the PSO has a poor convergence time and a huge search space, it struggles with larger datasets. Our work can be made more effective by replacing the PSO algorithm with other nature-inspired algorithms.
Future work will include using other methods inspired by nature, such as the Firefly algorithm, the whale optimization algorithm, and artificial bee colony optimization, to make the FL algorithm even better at recognising chest lesions caused by COVID-19 infection and pneumonia diseases. Furthermore, as already discussed, when the CNN layer increases, the size of the strategy increases correspondingly. Hopefully, in the future, we will be able to test different sizes of layers in a model with many layers.

Author Contributions

Conceptualization, D.R.K. and T.R.G.; methodology, D.R.K.; software, D.R.K.; validation, D.R.K., and T.R.G.; formal analysis, D.R.K.; investigation, D.R.K.; resources, D.R.K.; data curation, D.R.K.; writing—original draft preparation, D.R.K.; writing—review and editing, D.R.K.; visualization, D.R.K.; supervision, D.R.K.; project administration, D.R.K.; funding acquisition, T.R.G. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The chest lesion caused by the COVID-19 infection dataset used in this work is taken from the kaggle repository https://www.kaggle.com/datasets/pranavraikokte/covid19-image-dataset (accessed on 5 September 2022).

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AIArtificial Intelligence
MLMachine Learning
DLDeep Learning
FLFederated Learning
PSOParticle Swarm Optimization
FPS OptimizationFederated Particle Swarm Optimization
WHOWorld Health Organization
CT scansComputed Tomography scans
RT-PCRReverse Transcription Polymerase Chain Reaction
CXRChest X-rays
CNNConvolutional Neural Networks
FedAvgFederated Averaging
FedSGDFederated Stochastic Gradient Descent
FedMAFederated Matched Averaging
p b Particle best
g b Global best

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. 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]
  5. Santosh, K. AI-driven tools for coronavirus outbreak: Need of active learning and cross-population train/test models on multitudinal/multimodal data. J. Med. Syst. 2020, 44, 1–5. [Google Scholar] [CrossRef] [Green Version]
  6. Santosh, K. COVID-19 prediction models and unexploited data. J. Med. Syst. 2020, 44, 1–4. [Google Scholar] [CrossRef]
  7. Bhapkar, H.; Mahalle, P.N.; Dey, N.; Santosh, K. Revisited COVID-19 mortality and recovery rates: Are we missing recovery time period? J. Med. Syst. 2020, 44, 1–5. [Google Scholar] [CrossRef]
  8. 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]
  9. 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]
  10. 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. [Google Scholar] [CrossRef]
  11. Liu, B.; Yan, B.; Zhou, Y.; Yang, Y.; Zhang, Y. Experiments of federated learning for COVID-19 chest X-ray images. arXiv 2020, arXiv:2007.05592. [Google Scholar]
  12. Ma, H.; Smal, I.; Daemen, J.; van Walsum, T. Dynamic coronary roadmapping via catheter tip tracking in X-ray fluoroscopy with deep learning based Bayesian filtering. Med. Image Anal. 2020, 61, 101634. [Google Scholar] [CrossRef] [PubMed]
  13. 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] [PubMed]
  14. Wieczorek, M.; Siłka, J.; Woźniak, M. Neural network powered COVID-19 spread forecasting model. Chaos Solitons Fractals 2020, 140, 110203. [Google Scholar] [CrossRef] [PubMed]
  15. Lian, X.; Zhang, C.; Zhang, H.; Hsieh, C.J.; Zhang, W.; Liu, J. Can decentralized algorithms outperform centralized algorithms? A case study for decentralized parallel stochastic gradient descent. In Proceedings of the 31th Annual Conference on Neural Information Processing Systems (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017. [Google Scholar]
  16. Pandya, S.; Srivastava, G.; Jhaveri, R.; Babu, M.R.; Bhattacharya, S.; Maddikunta, P.K.R.; Mastorakis, S.; Piran, M.J.; Gadekallu, T.R. Federated learning for smart cities: A comprehensive survey. Sustain. Energy Technol. Assess. 2023, 55, 102987. [Google Scholar] [CrossRef]
  17. Lian, Z.; Zeng, Q.; Wang, W.; Gadekallu, T.R.; Su, C. Blockchain-Based Two-Stage Federated Learning with Non-IID Data in IoMT System. IEEE Trans. Comput. Soc. Syst. 2022; Early Access. [Google Scholar]
  18. McMahan, B.; Moore, E.; Ramage, D.; Hampson, S.; Arcas, B.A. Communication-efficient learning of deep networks from decentralized data. In Proceedings of the Artificial Intelligence and Statistics, Fort Lauderdale, FL, USA, 20–22 April 2017; pp. 1273–1282. [Google Scholar]
  19. Konečnỳ, J.; McMahan, B.; Ramage, D. Federated optimization: Distributed optimization beyond the datacenter. arXiv 2015, arXiv:1511.03575. [Google Scholar]
  20. Naz, S.; Phan, K.T.; 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]
  21. 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; Early Access. [Google Scholar]
  22. 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]
  23. Liu, Y.; Yuan, X.; Zhao, R.; Wang, C.; Niyato, D.; Zheng, Y. Poisoning Semi-supervised Federated Learning via Unlabeled Data: Attacks and Defenses. arXiv 2020, arXiv:2012.04432. [Google Scholar]
  24. Rieke, N.; Hancox, J.; Li, W.; Milletari, 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, 1–7. [Google Scholar] [CrossRef]
  25. Eberhart, R.; Kennedy, J. A new optimizer using particle swarm theory. In Proceedings of the MHS’95, Sixth International Symposium on Micro Machine and Human Science, Nagoya, Japan, 4–6 October 1995; pp. 39–43. [Google Scholar]
  26. Kennedy, J.; Eberhart, R. Particle swarm optimization. In Proceedings of the ICNN’95—International Conference on Neural Networks, Perth, Australia, 27 November–1 December 1995; Volume 4, pp. 1942–1948. [Google Scholar]
  27. Konečnỳ, J.; McMahan, H.B.; Yu, F.X.; Richtárik, P.; Suresh, A.T.; Bacon, D. Federated learning: Strategies for improving communication efficiency. arXiv 2016, arXiv:1610.05492. [Google Scholar]
  28. Agrawal, S.; Sarkar, S.; Alazab, M.; Maddikunta, P.K.R.; Gadekallu, T.R.; Pham, Q.V. Genetic CFL: Hyperparameter optimization in clustered federated learning. Comput. Intell. Neurosci. 2021, 2021, 7156420. [Google Scholar] [CrossRef] [PubMed]
  29. Mothukuri, V.; Parizi, R.M.; Pouriyeh, S.; Huang, Y.; Dehghantanha, A.; Srivastava, G. A survey on security and privacy of federated learning. Future Gener. Comput. Syst. 2021, 115, 619–640. [Google Scholar] [CrossRef]
  30. Wang, H.; Yurochkin, M.; Sun, Y.; Papailiopoulos, D.; Khazaeni, Y. Federated learning with matched averaging. arXiv 2020, arXiv:2002.06440. [Google Scholar]
  31. Połap, D.; Woźniak, M. Meta-heuristic as manager in federated learning approaches for image processing purposes. Appl. Soft Comput. 2021, 113, 107872. [Google Scholar] [CrossRef]
  32. Fan, X.; Wang, Y.; Huo, Y.; Tian, Z. Joint optimization of communications and federated learning over the air. IEEE Trans. Wirel. Commun. 2021, 21, 4434–4449. [Google Scholar] [CrossRef]
  33. Jing, S.; Xiao, C. Federated Learning via Over-the-Air Computation with Statistical Channel State Information. IEEE Trans. Wirel. Commun. 2022, 21, 9351–9365. [Google Scholar] [CrossRef]
  34. Yang, K.; Jiang, T.; Shi, Y.; Ding, Z. Federated learning based on over-the-air computation. In Proceedings of the ICC 2019—2019 IEEE International Conference on Communications (ICC), Shanghai, China, 20–24 May 2019; pp. 1–6. [Google Scholar]
  35. Poli, R.; Kennedy, J.; Blackwell, T. Particle swarm optimization. Swarm Intell. 2007, 1, 33–57. [Google Scholar] [CrossRef]
  36. Serizawa, T.; Fujita, H. Optimization of convolutional neural network using the linearly decreasing weight particle swarm optimization. arXiv 2020, arXiv:2001.05670. [Google Scholar]
  37. Junior, F.E.F.; Yen, G.G. Particle swarm optimization of deep neural networks architectures for image classification. Swarm Evol. Comput. 2019, 49, 62–74. [Google Scholar] [CrossRef]
  38. Syulistyo, A.R.; Purnomo, D.M.J.; Rachmadi, M.F.; Wibowo, A. Particle swarm optimization (PSO) for training optimization on convolutional neural network (CNN). J. Ilmu Komput. Dan Inf. 2016, 9, 52–58. [Google Scholar] [CrossRef]
  39. Qolomany, B.; Ahmad, K.; Al-Fuqaha, A.; Qadir, J. Particle swarm optimized federated learning for industrial IoT and smart city services. In Proceedings of the GLOBECOM 2020—2020 IEEE Global Communications Conference, Taipei, Taiwan, 7–11 December 2020; pp. 1–6. [Google Scholar]
  40. Park, S.; Suh, Y.; Lee, J. FedPSO: Federated learning using particle swarm optimization to reduce communication costs. Sensors 2021, 21, 600. [Google Scholar] [CrossRef]
  41. Li, Y.; Chen, Y.; Zhu, K.; Bai, C.; Zhang, J. An Effective Federated Learning Verification Strategy and Its Applications for Fault Diagnosis in Industrial IoT Systems. IEEE Internet Things J. 2022, 9, 16835–16849. [Google Scholar] [CrossRef]
  42. Torra, V.; Galván, E.; Navarro-Arribas, G. PSO + FL = PAASO: Particle swarm optimization + federated learning = privacy-aware agent swarm optimization. Int. J. Inf. Secur. 2022, 21, 1–11. [Google Scholar] [CrossRef]
  43. Hu, Y.; Zhang, Y.; Gao, X.; Gong, D.; Song, X.; Guo, Y.; Wang, J. A federated feature selection algorithm based on particle swarm optimization under privacy protection. Knowl.-Based Syst. 2022, 260, 110122. [Google Scholar] [CrossRef]
  44. Supriya, Y.; Gadekallu, T.R. Particle Swarm-Based Federated Learning Approach for Early Detection of Forest Fires. Sustainability 2023, 15, 964. [Google Scholar] [CrossRef]
  45. Zhang, Y.; Miao, S.; Mansi, T.; Liao, R. Unsupervised X-ray image segmentation with task driven generative adversarial networks. Med. Image Anal. 2020, 62, 101664. [Google Scholar] [CrossRef]
  46. Rajpurkar, P.; Irvin, J.; Zhu, K.; Yang, B.; Mehta, H.; Duan, T.; Ding, D.; Bagul, A.; Langlotz, C.; Shpanskaya, K.; et al. Chexnet: Radiologist-level pneumonia detection on chest X-rays with deep learning. arXiv 2017, arXiv:1711.05225. [Google Scholar]
  47. 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]
  48. Gupta, A.; 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. 2021, 99, 106859. [Google Scholar] [CrossRef] [PubMed]
  49. Khaloufi, H.; Abouelmehdi, K.; Beni-Hssane, A.; Rustam, F.; Jurcut, A.D.; Lee, E.; Ashraf, I. Deep Learning Based Early Detection Framework for Preliminary Diagnosis of COVID-19 via Onboard Smartphone Sensors. Sensors 2021, 21, 6853. [Google Scholar] [CrossRef] [PubMed]
  50. Horry, M.J.; Chakraborty, S.; Paul, M.; Ulhaq, A.; Pradhan, B.; Saha, M.; Shukla, N. COVID-19 detection through transfer learning using multimodal imaging data. IEEE Access 2020, 8, 149808–149824. [Google Scholar] [CrossRef] [PubMed]
  51. Ho, T.T.; Tran, K.D.; Huang, Y. FedSGDCOVID: Federated SGD COVID-19 Detection under Local Differential Privacy Using Chest X-ray Images and Symptom Information. Sensors 2022, 22, 3728. [Google Scholar] [CrossRef] [PubMed]
  52. 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] [PubMed]
Figure 1. Federated Learning Architecture.
Figure 1. Federated Learning Architecture.
Electronics 12 00710 g001
Figure 2. Federated Averaging Process. FL obtains the average of the w t value received from the client of K from the server and sends the updated w t + 1 back to the client.
Figure 2. Federated Averaging Process. FL obtains the average of the w t value received from the client of K from the server and sends the updated w t + 1 back to the client.
Electronics 12 00710 g002
Figure 3. FPS Optimization Process. The server receives a client’s score and requests a learning model from the client who submits the optimal value to set it as a global model.
Figure 3. FPS Optimization Process. The server receives a client’s score and requests a learning model from the client who submits the optimal value to set it as a global model.
Electronics 12 00710 g003
Figure 4. Sample images from the chest lesion caused by the COVID-19 infection dataset. The images are divided into three categories: Covid, Normal, and Viral Pneumonia.
Figure 4. Sample images from the chest lesion caused by the COVID-19 infection dataset. The images are divided into three categories: Covid, Normal, and Viral Pneumonia.
Electronics 12 00710 g004
Figure 5. Sample images from the chest X-ray (pneumonia) dataset. The images are divided into two categories: Normal, and Pneumonia.
Figure 5. Sample images from the chest X-ray (pneumonia) dataset. The images are divided into two categories: Normal, and Pneumonia.
Electronics 12 00710 g005
Figure 6. Comparison of the FPS Optimization and FedAvg Accuracy and Loss Results for the chest lesion caused by the COVID-19 infection dataset.
Figure 6. Comparison of the FPS Optimization and FedAvg Accuracy and Loss Results for the chest lesion caused by the COVID-19 infection dataset.
Electronics 12 00710 g006
Figure 7. Comparison of the FPS Optimization and FedAvg Accuracy and Loss Results for the Chest X-ray (Pneumonia) dataset.
Figure 7. Comparison of the FPS Optimization and FedAvg Accuracy and Loss Results for the Chest X-ray (Pneumonia) dataset.
Electronics 12 00710 g007
Figure 8. Confusion matrix for the Chest X-ray (Pneumonia) dataset.
Figure 8. Confusion matrix for the Chest X-ray (Pneumonia) dataset.
Electronics 12 00710 g008
Table 1. Summary of Important Surveys on FL and PSO Algorithms.
Table 1. Summary of Important Surveys on FL and PSO Algorithms.
Ref. NoTechnologies UsedKey ContributionsLimitations
[45]Generative adversarial network (GAN) model.TD-GAN synthesis and segmentation without X-ray images are demonstrated using a deep architecture.Labeling X-ray images is hard because parts of anatomy overlap and the texture patterns are complicated.
[46]CheXNet algorithm.CheXNet can detect pneumonia in frontal chest X-rays more accurately than human radiologists.The model and radiologists were not permitted to use the patient’s history, which complicates the radiologists’ diagnoses.
[47]Hierarchical convolutional neural network method.The loss function was changed to work better, and a more compact model structure was developed.In medical image processing, the use of DL networks has caused overfitting and a lack of transfer efficiency.
[48]InstaCovNet-19 model.Several preprocessing and training strategies were used to increase classification accuracy.ML based models struggle most due to insufficient feature extraction and poor preprocessing of input images.
[40]FedPSOUsing PSO to optimize FL communications can help minimize network expenses significantly.Current FL clustering methods broadcast and receive many weights, which reduces their accuracy in unstable networks.
[41]FL and PSODuring the aggregation, PSO optimizes the weight of each client.It is possible to improve FL models further since they are not stable.
[42]PSO + FL = PAASOAgents can optimize functions that need to be understood.In heterogeneous environments, it shows poor performance.
[44]PSO and FLThis centralised approach will benefit the early detection and diagnosis of forest fires.The algorithm does not analyze other nature-inspired algorithms.
This paperFPS Optimization
  • FPS Optimization works better than traditional FL methods like FedAvg, and it takes into account how settings and other factors affect learning for remote workers.
  • Early detection of chest lesions caused by COVID-19 infection and pneumonia will be easier with this unified framework.
Traditional FL takes more time to tune the parameters.
Table 2. Constants.
Table 2. Constants.
FedAvgFPS Optimization
Client1010
C-value0.1, 0.2, 0.5, 1.0-
Epoch3030
Client-Epoch55
Batch1010
Table 3. Dataset Division.
Table 3. Dataset Division.
DatasetTrainingTestingTotal
Covid11126137
Normal702090
Viral Pneumonia702090
Total25166317
Table 4. Dataset Division for Chest X-ray (Pneumonia).
Table 4. Dataset Division for Chest X-ray (Pneumonia).
DatasetTrainingTestingValidationTotal
Normal134123481583
Pneumonia387539084273
Total5216624165856
Table 5. Parameters settings for the CNN.
Table 5. Parameters settings for the CNN.
LayerShape
Layer 1Conv2D (32, 3, 3) ReLU, MaxPool2D (2, 2)
Layer 2Conv2D (64, 3, 3) ReLU, MaxPool2D (2, 2)
Layer 3Conv2D (128, 3, 3) ReLU, MaxPool2D (2, 2)
Layer 4Dense (512) ReLU
Layer 5Dense (2) Softmax
Table 6. Test Accuracy of the Model.
Table 6. Test Accuracy of the Model.
10 Rounds20 Rounds30 Rounds
FPS Optimization92.30%92.30%96.15%
FedAvg, C = 1.078.55%92.30%92.30%
C = 0.577.54%92.30%92.30%
C = 0.276.92%92.30%92.30%
C = 0.165.38%92.30%92.30%
Table 7. Comparison of the proposed model with recent studies.
Table 7. Comparison of the proposed model with recent studies.
WorkAccuracyDatasetMethod
Khaloufi et al. [49]79%COVID-19 symptomANN is an AI-enabled framework that uses a smartphone to diagnose a chest lesion caused by COVID-19 infection.
Horry et al. [50]86%X-ray, ultrasound, CT scanVGG19
Ho et al. [51]95.32%COVID-19 chest X-ray image DatasetDifferential Privacy Stochastic Gradient Descent (DP-SGD).
Afshar et al. [52]95.7%Chest X-rayCOVID-CAPS
Proposed work96.15%, 96.55%COVID-19 image dataset, chest X-ray (pneumonia) datasetFPS Optimization
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

Kandati, D.R.; Gadekallu, T.R. Federated Learning Approach for Early Detection of Chest Lesion Caused by COVID-19 Infection Using Particle Swarm Optimization. Electronics 2023, 12, 710. https://doi.org/10.3390/electronics12030710

AMA Style

Kandati DR, Gadekallu TR. Federated Learning Approach for Early Detection of Chest Lesion Caused by COVID-19 Infection Using Particle Swarm Optimization. Electronics. 2023; 12(3):710. https://doi.org/10.3390/electronics12030710

Chicago/Turabian Style

Kandati, Dasaradharami Reddy, and Thippa Reddy Gadekallu. 2023. "Federated Learning Approach for Early Detection of Chest Lesion Caused by COVID-19 Infection Using Particle Swarm Optimization" Electronics 12, no. 3: 710. https://doi.org/10.3390/electronics12030710

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