Seminar Report
Seminar Report
CHAPTER 1
INTRODUCTION
In light of modern AI, various state-of-the-art AI techniques, including deep learning (DL) and the
Internet of Medical Things (IoMTs), have made their way into the healthcare industry. This leads to
improve the diagnosis and treatment of various conditions such as COVID-19 [1] and autism
spectrum disorder (ASD) [2]. However, existing intelligent healthcare AI models need to be truly
intelligent, and some have been criticized for providing ineffective and unsafe treatment
recommendations [3]. Several factors may have caused deficiencies in existing systems. A significant
issue is the difficulty of obtaining sufficient data with complex features that can adequately describe
the patient’s symptoms. In addition, with the implementation of rigorous laws such as the United
States Consumer Privacy Bill of Rights and the European Commission’s General Data Protection
Regulations (GDPR), which aim to safeguard individuals’ privacy [4], AI models are now unable to
directly access source data for training purposes. Instead, they must adhere to strict limitations and
regulatory requirements. FL, which offers a novel distributed AI paradigm aimed at addressing
concerns related to healthcare data privacy and management [5], has emerged as a popular subject
of discussion in recent years [6]. Google first introduced FL in 2015 [7]. Essentially, FL is a distributed
AI methodology that involves training several local models and aggregating them to derive a global
model without the need for data sharing. FL can be specifically applied in the following situations.
In the realm of traditional machine learning, it is common practice to assume that data is
independently and identically distributed (IID). However, it is important to note that in the majority
of practical scenarios and circumstances, this assumption is not met. For instance, each individual
client exhibits a unique set of behaviors, resulting in the collection of biased data that may differ
from that of other participants [8]. This, in turn, can lead to the emergence of Non-IID or
Heterogeneous data
An unbalanced data distribution occurs when certain participants in the training dataset possess a
disproportionate amount of pertinent data. For example, in a scenario where the training
participants include both hospitals and individuals, hospitals are likely to have significantly larger
sample sizes than individuals. Additionally, data relevant to the same disease can vary substantially
between hospitals due to differences in equipment, personnel, and other factors. This can create
challenges for machine learning models, especially when attempting to generalize to new and
diverse datasets
CHAPTER 2
LITERATURE SURVEY
[1] Federated learning for healthcare informatics
Benefits: Privacy Preservation: Federated learning ensures that sensitive patient data remains
on local devices, thereby mitigating privacy concerns associated with centralized data
aggregation.
Data Utilization: By enabling model training on decentralized data sources across multiple
healthcare institutions, federated learning allows for the utilization of diverse datasets without
the need to centralize them.
Benefits: Privacy Preservation: By keeping patient data local and only sharing model
updates, federated learning ensures that sensitive MRI scans are not exposed to external
parties, thus preserving patient privacy.
Scalability: Federated learning enables scalable model training across a large number of
healthcare institutions, allowing for the development of robust and accurate segmentation
models using diverse datasets.
Description: The paper "Towards federated learning at scale: System design" by Bonawitz,
Keith, et al. (2019) addresses the intricate technical challenges inherent in deploying
federated learning systems at scale. It meticulously explores the design considerations
essential for the successful implementation of federated learning across a large number of
devices or institutions. The authors delve into optimizing communication efficiency between
Practical Implementation: The discussion of system design considerations in the paper serves
as a practical guide for implementing federated learning systems in real-world settings,
including healthcare applications. It helps researchers and practitioners navigate the technical
challenges of deploying federated learning at scale and harness its benefits for collaborative
machine learning.
Benefits: An image indexing system that uses textual information in order to extract the
concept of the images that are found in a web page. The method uses visual cues in order to
identify the segments of the web page and calculates Euclidean distances among these
segments. It delivers a semantic or Euclidean clustering of the contents of a web page in
order to assign textual information to the existing images.
Benefits: Privacy Preservation: By adopting federated learning, the study ensures that patient
data remains decentralized and secure, thus mitigating privacy concerns associated with
centralized data aggregation. This approach enhances patient trust and compliance with
healthcare regulations like HIPAA and GDPR.
Improved Accuracy: Leveraging federated learning techniques, the study achieves state-of-
the-art segmentation accuracy by aggregating model updates from diverse datasets. This
collaborative approach enhances the robustness and generalizability of the segmentation
model.
Scalability: Federated learning facilitates scalable model training across numerous healthcare
institutions, allowing for the development of accurate segmentation models using large and
diverse datasets. This scalability enhances the model's effectiveness in real-world clinical
settings.
Clinical Impact: By advancing brain tumor segmentation accuracy, the study contributes to
improved diagnosis, treatment planning, and patient outcomes in neuro-oncology. The
privacy-preserving federated learning approach ensures that these benefits are achieved
without compromising patient confidentiality.
Informing Future Research: By summarizing key findings and gaps in the literature, the paper
informs future research directions and priorities in the field of federated learning in medicine.
Researchers can use this information to design studies that address unanswered questions and
further advance the application of federated learning in healthcare.
Policy Implications: The systematic review may also have policy implications by providing
insights into the regulatory and ethical considerations associated with federated learning in
medicine. Policymakers can use this information to develop guidelines and regulations that
promote the responsible and ethical use of federated learning in healthcare settings.
Benefits: Demonstrated a fully automatic technique to estimate depths for videos. Our
method is applicable in cases where other methods fail, such as those based on motion
parallax and structure from motion, and works even for single images and dynamics scenes.
Our depth estimation technique is novel in that we use a non-parametric approach, which
gives qualitatively good results, and our single image algorithm quantitatively outperforms
existing methods.
Scalability: Federated learning allows for scalable model training across a large number of
wearable devices, accommodating diverse data sources and ensuring the generalizability of
healthcare models.
CHAPTER 3
IMPLEMENTATION
The process begins by defining a task in the healthcare domain, such as medical image
classification, segmentation, or HAR. Next, the
parameters of the global server are artificially initialized, and clients are then selected by the
global server to participate in the training.
as Vertical FL according to the source [23], operates within the FL framework where the
sample space remains the same, but the feature space differs. The goal of VFL is to create a
shared machine learning model collaboratively, utilizing all the features gathered by the
participating clients. An instance of this is the Federated Data Network (FDN) [24], which
integrates anonymous data from a prominent social network service, thus allowing for the
inclusion of a vast majority of user samples from other data holders, such as bank customers.
Formally, the VFL can be defined as follows: Xi ̸= Xj , Yi ̸= Yj , Ii = Ij , ∀ Di , Dj , i ̸= j (4)
where X again represents feature space and Y the label space. I is sample space and D is the
datasets owned by each healthcare client. 3) Federated transfer learning: HFL and VFL
require all clients to have the same feature space or sample space, but this assumption does
not hold in more practical situations. Transfer learning is a technique that attempts to improve
the performance of target learners on target domains by transferring knowledge from distinct,
but related source domains [25]. Thus, FTL aims to solve the case where both the sample
space and feature space are different while using a TL method to minimize the data
distribution discrepancy between each local dataset. In healthcare, for example, FTL can
assist in disease diagnosis with data from different patients (different sample spaces) in
multiple hospitals with different therapuotic rograms (different feature spaces) [26]. Hence, FTL
can be defined as: Xi ̸= Xj , Yi ̸= Yj , Ii ̸= Ij , ∀ Di , Dj , i ̸= j (5) Xi being the ith feature space and Yi the
ith label space. Ii is ith sample space and Di , Dj are the datasets owned by ith and jth healthcare
clients, respectively
addressing local drift, magnitudes are limited to a specific range to generate a coordinated
feature space across local clients. They also used client weight perturbation based on the
generated feature space to guide the local target near a globally-optimal solution which
reduces global drift. Specifically, it considered both local and global.
a solution was proposed to alleviate the instability arising from data diversity in a setup
known as FL with Shared Label Distribution. This approach employs a weighted
crossentropy loss, which optimizes the relevance of each sample to the local target by taking
into account the label distribution in each client. However, it is assumed that clients can share
the number of samples in each class, which may result in privacy leakage if this information
is valuable. The proposed approach achieved improved test accuracy on the OrganMNIST
dataset [53]. Yet, these studies performed experiments on limited types of datasets, and
further analyses on more varied and complex medical datasets are warranted. The work in
[31] introduces a novel self-supervised pretraining FL approach which utilizes the Vision
Transformer (ViT) as the underlying network architecture. This approach performs local
model pre-training on each client dataset to overcome data heterogeneity concerns.
Experiments conducted on a Dermatology dataset related to skin cancer showed the method
to achieve notable improvements in test accuracy [54]– [56]. In contrast to previous studies,
authors of this work perform three classification tasks in both simulated and realworld
scenarios, providing a more thorough assessment of reliability. However, their experiments
only consider a limited number of clients (5 clients), which raises worries regarding possible
bias and the approach’s ability to effectively handle a larger number of clients. To address the
issue of non-IID (non-identically distributed) data across different clients, the approach in
[32] trains personalized models using channel-wise assignment instead of the layer-wise
personalization techniques of previous studies [57]–[60]. In this method, the global model is
decoupled at the channel level to enable personalization. To further improve the decoupling
effect, a new cyclic distillation technique is introduced for reducing divergence. Experiments
conducted on the colorectal cancer HISTO-FED dataset, demonstrated the proposed
approach’s effectiveness in handling non-IID data. However, the approach was only tested
using three clients
create a robust global model can be beneficial for patients and physicians. The study in [36]
leverages customized local models for healthcare personalization, employing distinct local
batch normalization to optimize model generalizability while maintaining a high specificity
for each patient. Experimental results on the COVID-19 chest x-ray dataset [63] showed
promising performance and rapid convergence of the method. Experiments involving 100
clients showed the method achieves an average classification accuracy of 75%, which
indicates its robustness under a large number of clients. In [37], two FL techniques are
proposed for different active learning scenarios: Labeling Efficient Federated Active
Learning (LEFAL) and Training Efficient Federated Active Learning (TEFAL). LEFAL aims
to enhance the effectiveness of feature learning by taking into account data uncertainty and
diversity, while TEFAL improves client efficiency by employing a discriminator to assess the
amount of useful information a client can provide. The authors conducted experiments on the
COVID-19 dataset [64] and showed their approach achieves high accuracy and F1 scores in a
limited number of iterations. For example, their model obtained an average accuracy of 0.9
and an average F1 score of 0.95 with only 50 iterations. Additionally, the experiments
covered two scenarios, involving a small hospital and a large hospital, providing a more
practical assessment of the performance of the FL model in complex settings. However, the
maximum number of clients was limited to five in this study. The work in [38] presents a FL
approach utilizing Generative Adversarial Networks (GANs) to mitigate the risk of data
privacy leakage. In this approach, a Convolutional Neural Network (CNN) was used as a
generator to produce synthetic COVID-19 images, enabling the discriminator to learn and
replicate the actual distribution of COVID-19 data. Additionally, a blockchain-based
Differential Privacy Protection technique was implemented to enhance the data privacy
protection. Experiments on the DarkCOVID dataset [65] and the ChestCOVID dataset [66]
indicated that this approach could outperform state-of-the-art FL methods on these datasets.
Results on the DarkCOVID dataset reveal that the classification accuracy for COVID and
normal cases is 99%, however, the performance in predicting pneumonia is relatively lower
with an accuracy of 80%. Furthermore, the proposed method requires a large number of
epochs, typically around 200, to achieve optimal results, which is time-consuming. The
authors of [62] use cyclic homomorphic encryption to improve the privacy-preserving
capabilities of their FL method by encrypting the aggregation process. Adversarial attacks are
also simulated to evaluate the model’s resilience. However, their privacy protection technique
is only effective when there are more than two clients. In other words, when there are fewer
than three participating clients, the model’s privacy-preserving ability is almost nonexistent.
Experimental results based on the RAD-ChestCT dataset showed their approach to achieve an
average accuracy of 94%, which is similar to the performance of TL (95%) [67]. However,
the maximum number of clients used in this work is limited to 5. Moreover, the GPU
memory usage of the method exceeds 26 GB, which may restrict the choice of computational
device. One advantage is the training time is shorter compared to centralized training,
shedding light on training efficient FL models. In [39], a practical FL scenario called
intermittent client involved in the training while others leave due to internet connectivity
issues. The method in this work achieves an accuracy of 80.29% for pneumonia diagnosis on
the chest Xray image dataset [68]. However, this study only considers whether there is one
client leaving or not, which fails to provide a comprehensive reflection of the overall impact
of clients leaving. Additionally, the maximum number of clients is limited to 10.
3.3.1 HUMAN ACTIVITY RECOGNITION:
The development of IoT technology has enabled Human Activity Recognition (HAR) to play
a critical role in assisting medical professionals with collecting patient data for diagnosing
chronic illnesses [72]. However, HAR is susceptible to privacy violations and data
dissimilarity issues. FL is a potential solution for implementing robust models with numerous
clients, as it effectively addresses the previous issues. In a recent study [42], the authors
concluded that privacy regulations would not be violated if a label with natural language is
specified when sharing data. The study considered the classification problem as a matching
process between data and class representation, and transformed the classifier into a data and
category encoder to facilitate this process. Additionally, it used the class names as a reference
point to ensure category representation in the label encoder through natural language.
Experiments conducted on the PAMAP2 dataset [73] demonstrated that this method could
outperform most existing classification techniques based on FL. Nevertheless, the
experiments did not include the results obtained using a centralized model. Instead, the
authors only compared their results with those of six recent FL methods. Thus, this
comparison does not adequately reflect the differences in performance between TL and FL.
In [41], the limitations of existing wearable devices such as data privacy, service integrity,
and network structure adaptability have led authors to create an adaptive network for
intelligent wearables based on the distributed structural features of the fog-IoT network. The
proposed FL platform integrates blockchain technology to enhance data privacy protection.
When tested on a HAR task using smartphone data [74], this approach achieved good
performance in terms of privacy
generalization capability of the surgical phase recognition model using both labeled and
unlabeled data present in the dataset. The experimental results demonstrated that this
approach can learn better features and exhibit a feasible generalization performance in
unknown domains. The MultiChole2022 dataset used in this study was created from the
Cholec80 dataset .
3.4.1 PROSTATE TUMOR SEGMENTATION:
The accurate segmentation prostate regions in MRI is a crucial step in numerous
medical imaging applications for detecting prostate cancer, characterizing its
aggressiveness, predicting its recurrence, assessing the effectiveness of
treatment [129]. The work in [28] trains a FL-based segmentation model using a
multi-site prostate dataset [89], which comprises 79 samples from six different
sites. Results showed this model to achieve an average Dice of 94.28%.
Compared to FedAvg and FedBN, the proposed method shows enhanced
stability with increased local training epochs. However, this study did not
evaluate the performance improvement or decrease brought by using FL,
compared to centralized approaches. Weakly supervised learning has emerged
as popular approach to alleviate the burden of labeling data [130]. In this
approach, incomplete but easier-to-obtain annotations are used instead of full
image annotations. In [90], authors proposed a first federated weakly supervised
segmentation (FedWSS) method to learn a segmentation task from multiple data
sources wile minimizing the impact of data drift. To address local and global
data drift, the authors introduced two strategies, based on Cooperativ(HGD).
CAC reduces local drift using a Monte Carlo sampling technique that
customizes a distal peer and proximal peer for each client, and accurately
distinguishes between clean and noisy labels. Meanwhile, the HGD strategy
mitigates global data drift by using primary gradient data to aid clients in
subsequent training cycles [90]. he authors proposed a personalized FL
paradigm to address the challenges of performance degradation and unbalanced
label distribution. The proposed method leverages progressive Fourier
aggregation on the global server side and enhanced transfer on the client side to
learn the parameters of individual client models and transfer local knowledge to
the global model more effectively. To address the problem of label distribution
imbalance, it also introduces a new loss function called Conjoint Prototype
Aligned (CPA) loss. This loss evaluates the global conjoint objective based on
the global imbalance and modifies the local client-side training via
prototypealigned refinement to eliminate the imbalance gap with a balanced
objective. Experimental results on PROMISE12 dataset [91] and ISBI dataset
[95] showed the method’s superior performance compared to recent approaches.
However, this method has a local training time twice longer than standard FL,
which could potentially increase the communication load when using edge
devices. Moreover, the absence of a comparison with the centralized model
does not sufficiently explain the potential of using FL for prostate tumor
segmentation.
CHAPTER 4
RESULTS AND DISCUSSION
communication usage, network transmission latency, and costs. Sharing model parameters
through FL typically requires much less energy compared to exchanging raw data. For
example, the size of parameter gradients is significantly smaller than the actual data in the
dataset, as stated in [19]. This makes FL an energy-efficient solution for distributed machine
learning
FL provides strategies,
such as FedAvg [20], that
allows for the merging of
multiple
clients when the number of
clients is sufficient. This
merging
of clients promotes the
availability of training data
and can
alleviate the problem of
requiring a large quantity of
data
to train AI models. Thus, FL is
a powerful technique for
Dept. of CSE, RRCE 2019-2020 Page 20
Study of Information Extraction from Unstructured and Multidimensional Big Data
trains its own data set and uploads the parameters of its local model on the global server for
aggregation.
CONCLUSION
data privacy in the healthcare sector. FL is presented as a potential solution to address privacy
concerns by developing a global model through local training and model aggregation on
decentralized datasets without sharing raw data. However, FL in healthcare faces its own set
of challenges such as poor data quality, data heterogeneity, and data allocation and
management. We also compare FL with TL and highlight the advantages of the former
approach. The critical steps of FL are explained in detail, and FL is categorized based on
sample and feature space. The applications of FL in healthcare are summarized and
categorized, along with typical evaluation metrics and commonly used medical datasets. The
reported case study also sheds light on the importance of FL in healthcare. It is expected that
FL techniques will continue to be widely used in both academia and hospitals in the near
future. With the aid of advances in science and technology, we anticipate that FL can be
further enhanced to provide more effective support to patients in the healthcare sector
FUTURE WORK
Federated learning in healthcare has immense potential for various applications, given its
ability to train machine learning models across decentralized data sources while ensuring
privacy and security. Here are some potential future directions for federated learning in
healthcare:
1. Clinical Decision Support Systems (CDSS): Federated learning can be utilized to
develop CDSS that provide real-time recommendations for healthcare providers based
on collective knowledge from various hospitals and clinics while preserving patient
privacy.
2. Disease Prediction and Diagnosis: Federated learning models can be trained across
diverse healthcare systems to improve disease prediction and diagnosis accuracy by
leveraging a broader spectrum of data while respecting privacy regulations.
3. Drug Discovery and Development: Federated learning can facilitate collaborative
drug discovery and development by enabling pharmaceutical companies and research
institutions to jointly train models on distributed datasets without sharing sensitive
information.
4. Medical Imaging Analysis: Federated learning can enhance medical imaging
analysis by aggregating data from different hospitals to train robust models for tasks
such as tumor detection, organ segmentation, and disease progression tracking while
protecting patient privacy.
REFERENCES
1. Wang K, Shi Y. User information extraction in big data environment. In: 3rd IEEE
international conference on computer and communications (ICCC).
2. Li P, Mao K. Knowledge-oriented convolutional neural network for causal relation
extraction from natural language texts. Expert System Appl. 2019;115:512–23.
3. Liu Z, Tong J, Gu J, Liu K, Hu B. A Semi-automated entity relation extraction
mechanism with weakly supervise learning for Chinese medical webpages. In:
International conference on smart health. Cham: Springer; 2016; p 44–56.
4. KHe 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
(CVPR). 2016; p. 770–8.
5. Gantz J, Reinsel D. The digital universe in 2020: big data, bigger digital shadows, and
biggest growth in the far east. IDC iView IDC Analyze Future. 2012;2007(2012):1–
16.
6. Wang Y, Kung LA, Byrd TA. Big data analytics: understanding its capabilities and
potential benefits for healthcare organizations. Technol Forecast Soc Change.
2018;126:3–13.
7. Lomotey RK, Deters R. Topics and terms mining in unstructured data stores. In: 2013
IEEE 16th international conference on computational science and engineering, 2013.
p. 854–61.
8. Lomotey RK, Deters R. RSenter: terms mining tool from unstructured data sources.
Int J Bus Process Integr Manag, 2013;6(4):298.
9. Goldberg S, Wang DZ, Grant C. A probabilistically integrated system for crowd-
assisted text labeling and extraction. J Data Inf Qual. 2017;8(2):1–23.
10. Napoli C, Tramontana E, Verga G. Extracting location names from unstructured
italian texts using grammar rules and MapReduce. In: International conference on
information and software technologies. Cham: Springer; 2016; p.593–601.