1
|
Liu R, Xing P, Deng Z, Li A, Guan C, Yu H. Federated Graph Neural Networks: Overview, Techniques, and Challenges. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:4279-4295. [PMID: 38329860 DOI: 10.1109/tnnls.2024.3360429] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 02/10/2024]
Abstract
Graph neural networks (GNNs) have attracted extensive research attention in recent years due to their capability to progress with graph data and have been widely used in practical applications. As societies become increasingly concerned with the need for data privacy protection, GNNs face the need to adapt to this new normal. Besides, as clients in federated learning (FL) may have relationships, more powerful tools are required to utilize such implicit information to boost performance. This has led to the rapid development of the emerging research field of federated GNNs (FedGNNs). This promising interdisciplinary field is highly challenging for interested researchers to grasp. The lack of an insightful survey on this topic further exacerbates the entry difficulty. In this article, we bridge this gap by offering a comprehensive survey of this emerging field. We propose a 2-D taxonomy of the FedGNN literature: 1) the main taxonomy provides a clear perspective on the integration of GNNs and FL by analyzing how GNNs enhance FL training as well as how FL assists GNN training and 2) the auxiliary taxonomy provides a view on how FedGNNs deal with heterogeneity across FL clients. Through discussions of key ideas, challenges, and limitations of existing works, we envision future research directions that can help build more robust, explainable, efficient, fair, inductive, and comprehensive FedGNNs.
Collapse
|
2
|
Li Z, Chen J, Zhang P, Huang H, Li G. DSFedCon: Dynamic Sparse Federated Contrastive Learning for Data-Driven Intelligent Systems. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:3343-3355. [PMID: 38277248 DOI: 10.1109/tnnls.2024.3349400] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 01/28/2024]
Abstract
Federated learning (FL) makes it possible for multiple clients to collaboratively train a machine-learning model through communicating models instead of data, reducing privacy risk. Thus, FL is more suitable for processing data security and privacy for intelligent systems and applications. Unfortunately, there are several challenges in FL, such as the low training accuracy for nonindependent and identically distributed (non-IID) data and the high cost of computation and communication. Considering these, we propose a novel FL framework named dynamic sparse federated contrastive learning (DSFedCon). DSFedCon combines FL with dynamic sparse (DSR) training of network pruning and contrastive learning to improve model performance and reduce computation costs and communication costs. We analyze DSFedCon from the perspective of accuracy, communication, and security, demonstrating it is communication-efficient and safe. To give a practical evaluation for non-IID data training, we perform experiments and comparisons on the MNIST, CIFAR-10, and CIFAR-100 datasets with different parameters of Dirichlet distribution. Results indicate that DSFedCon can get higher accuracy and better communication cost than other state-of-the-art methods in these two datasets. More precisely, we show that DSFedCon has a 4.67-time speedup of communication rounds in MNIST, a 7.5-time speedup of communication rounds in CIFAR-10, and an 18.33-time speedup of communication rounds in CIFAR-100 dataset while achieving the same training accuracy.
Collapse
|
3
|
Zhang Y, Wang Y, Li Y, Xu Y, Wei S, Liu S, Shang X. Federated Discriminative Representation Learning for Image Classification. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:3204-3217. [PMID: 38055356 DOI: 10.1109/tnnls.2023.3336957] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 12/08/2023]
Abstract
Acquiring big-size datasets to raise the performance of deep models has become one of the most critical problems in representation learning (RL) techniques, which is the core potential of the emerging paradigm of federated learning (FL). However, most current FL models concentrate on seeking an identical model for isolated clients and thus fail to make full use of the data specificity between clients. To enhance the classification performance of each client, this study introduces the FDRL, a federated discriminative RL model, by partitioning the data features of each client into a global subspace and a local subspace. More specifically, FDRL learns the global representation for federated communication between those isolated clients, which is to capture common features from all protected datasets via model sharing, and local representations for personalization in each client, which is to preserve specific features of clients via model differentiating. Toward this goal, FDRL in each client trains a shared submodel for federated communication and, meanwhile, a not-shared submodel for locality preservation, in which the two models partition client-feature space by maximizing their differences, followed by a linear model fed with combined features for image classification. The proposed model is implemented with neural networks and optimized in an iterative manner between the server of computing the global model and the clients of learning the local classifiers. Thanks to the powerful capability of local feature preservation, FDRL leads to more discriminative data representations than the compared FL models. Experimental results on public datasets demonstrate that our FDRL benefits from the subspace partition and achieves better performance on federated image classification than the state-of-the-art FL models.
Collapse
|
4
|
Meng L, Qi Z, Wu L, Du X, Li Z, Cui L, Meng X. Improving Global Generalization and Local Personalization for Federated Learning. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:76-87. [PMID: 39028598 DOI: 10.1109/tnnls.2024.3417452] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 07/21/2024]
Abstract
Federated learning aims to facilitate collaborative training among multiple clients with data heterogeneity in a privacy-preserving manner, which either generates the generalized model or develops personalized models. However, existing methods typically struggle to balance both directions, as optimizing one often leads to failure in another. To address the problem, this article presents a method named personalized federated learning via cross silo prototypical calibration (pFedCSPC) to enhance the consistency of knowledge of clients by calibrating features from heterogeneous spaces, which contributes to enhancing the collaboration effectiveness between clients. Specifically, pFedCSPC employs an adaptive aggregation method to offer personalized initial models to each client, enabling rapid adaptation to personalized tasks. Subsequently, pFedCSPC learns class representation patterns on clients by clustering, averages the representations within each cluster to form local prototypes, and aggregates them on the server to generate global prototypes. Meanwhile, pFedCSPC leverages global prototypes as knowledge to guide the learning of local representation, which is beneficial for mitigating the data imbalanced problem and preventing overfitting. Moreover, pFedCSPC has designed a cross-silo prototypical calibration (CSPC) module, which utilizes contrastive learning techniques to map heterogeneous features from different sources into a unified space. This can enhance the generalization ability of the global model. Experiments were conducted on four datasets in terms of performance comparison, ablation study, in-depth analysis, and case study, and the results verified that pFedCSPC achieves improvements in both global generalization and local personalization performance via calibrating cross-source features and strengthening collaboration effectiveness, respectively.
Collapse
|
5
|
Zhang H, Zhou X, Shen Z, Li Y. PrivFR: Privacy-Enhanced Federated Recommendation With Shared Hash Embedding. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:32-46. [PMID: 38648126 DOI: 10.1109/tnnls.2024.3387757] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 04/25/2024]
Abstract
Federated recommender systems (FRSs), with their improved privacy-preserving advantages to jointly train recommendation models from numerous devices while keeping user data distributed, have been widely explored in modern recommender systems (RSs). However, conventional FRSs require transmitting the entire model between the server and clients, which brings a huge carbon footprint for cost-conscious cross-device learning tasks. While several efforts have been dedicated to improving the efficiency of FRSs, it's suboptimal to treat the whole model as the objective of compact design. Besides, current research fails to handle the out-of-vocabulary (OOV) issue in real-world FRSs, where the items only occasionally appear in the testing phase but were not observed during the training process, which is another practical challenge and has not been well studied yet. To this end, we propose a privacy-enhanced federated recommendation framework with shared hash embedding, PrivFR, in cross-device settings, which is an efficient representation mechanism specialized for the embedding parameters without compromising the model capability. Specifically, it represents items in a resource-efficient way by delicately utilizing shared hash embedding and multiple hash functions. As such, it just maintains a small shared pool of hash embedding in local clients, rather than fitting all embedding vectors for each item, which can exactly achieve the dual advantages of conserving resources and handling the OOV issue. What's more, we prove that this mechanism can protect the data privacy of local clients from a theoretical perspective. Extensive experiments show that our method not only effectively reduces storage and communication overheads, but also outperforms state-of-the-art FRSs.
Collapse
|
6
|
Hallaj S, Chuter BG, Lieu AC, Singh P, Kalpathy-Cramer J, Xu BY, Christopher M, Zangwill LM, Weinreb RN, Baxter SL. Federated Learning in Glaucoma: A Comprehensive Review and Future Perspectives. Ophthalmol Glaucoma 2025; 8:92-105. [PMID: 39214457 DOI: 10.1016/j.ogla.2024.08.004] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 06/11/2024] [Revised: 08/20/2024] [Accepted: 08/23/2024] [Indexed: 09/04/2024]
Abstract
CLINICAL RELEVANCE Glaucoma is a complex eye condition with varied morphological and clinical presentations, making diagnosis and management challenging. The lack of a consensus definition for glaucoma or glaucomatous optic neuropathy further complicates the development of universal diagnostic tools. Developing robust artificial intelligence (AI) models for glaucoma screening is essential for early detection and treatment but faces significant obstacles. Effective deep learning algorithms require large, well-curated datasets from diverse patient populations and imaging protocols. However, creating centralized data repositories is hindered by concerns over data sharing, patient privacy, regulatory compliance, and intellectual property. Federated Learning (FL) offers a potential solution by enabling data to remain locally hosted while facilitating distributed model training across multiple sites. METHODS A comprehensive literature review was conducted on the application of Federated Learning in training AI models for glaucoma screening. Publications from 1950 to 2024 were searched using databases such as PubMed and IEEE Xplore with keywords including "glaucoma," "federated learning," "artificial intelligence," "deep learning," "machine learning," "distributed learning," "privacy-preserving," "data sharing," "medical imaging," and "ophthalmology." Articles were included if they discussed the use of FL in glaucoma-related AI tasks or addressed data sharing and privacy challenges in ophthalmic AI development. RESULTS FL enables collaborative model development without centralizing sensitive patient data, addressing privacy and regulatory concerns. Studies show that FL can improve model performance and generalizability by leveraging diverse datasets while maintaining data security. FL models have achieved comparable or superior accuracy to those trained on centralized data, demonstrating effectiveness in real-world clinical settings. CONCLUSIONS Federated Learning presents a promising strategy to overcome current obstacles in developing AI models for glaucoma screening. By balancing the need for extensive, diverse training data with the imperative to protect patient privacy and comply with regulations, FL facilitates collaborative model training without compromising data security. This approach offers a pathway toward more accurate and generalizable AI solutions for glaucoma detection and management. FINANCIAL DISCLOSURE(S) Proprietary or commercial disclosure may be found after the references in the Footnotes and Disclosures at the end of this article.
Collapse
Affiliation(s)
- Shahin Hallaj
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California; Division of Biomedical Informatics, Department of Medicine, University of California San Diego, La Jolla, California
| | - Benton G Chuter
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California; Division of Biomedical Informatics, Department of Medicine, University of California San Diego, La Jolla, California
| | - Alexander C Lieu
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California; Division of Biomedical Informatics, Department of Medicine, University of California San Diego, La Jolla, California
| | - Praveer Singh
- Division of Artificial Medical Intelligence, Department of Ophthalmology, University of Colorado School of Medicine, Aurora, Colorado
| | - Jayashree Kalpathy-Cramer
- Division of Artificial Medical Intelligence, Department of Ophthalmology, University of Colorado School of Medicine, Aurora, Colorado
| | - Benjamin Y Xu
- Roski Eye Institute, Keck School of Medicine, University of Southern California, Los Angeles, California
| | - Mark Christopher
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California
| | - Linda M Zangwill
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California
| | - Robert N Weinreb
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California
| | - Sally L Baxter
- Division of Ophthalmology Informatics and Data Science, Hamilton Glaucoma Center, Shiley Eye Institute, Viterbi Family Department of Ophthalmology, University of California, San Diego, La Jolla, California; Division of Biomedical Informatics, Department of Medicine, University of California San Diego, La Jolla, California.
| |
Collapse
|
7
|
Zhao Y, Liu Q, Liu P, Liu X, He K. Medical Federated Model With Mixture of Personalized and Shared Components. IEEE TRANSACTIONS ON PATTERN ANALYSIS AND MACHINE INTELLIGENCE 2025; 47:433-449. [PMID: 39331555 DOI: 10.1109/tpami.2024.3470072] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [MESH Headings] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 09/29/2024]
Abstract
Although data-driven methods usually have noticeable performance on disease diagnosis and treatment, they are suspected of leakage of privacy due to collecting data for model training. Recently, federated learning provides a secure and trustable alternative to collaboratively train model without any exchange of medical data among multiple institutes. Therefore, it has draw much attention due to its natural merit on privacy protection. However, when heterogenous medical data exists between different hospitals, federated learning usually has to face with degradation of performance. In the paper, we propose a new personalized framework of federated learning to handle the problem. It successfully yields personalized models based on awareness of similarity between local data, and achieves better tradeoff between generalization and personalization than existing methods. After that, we further design a differentially sparse regularizer to improve communication efficiency during procedure of model training. Additionally, we propose an effective method to reduce the computational cost, which improves computation efficiency significantly. Furthermore, we collect five real medical datasets, including two public medical image datasets and three private multi-center clinical diagnosis datasets, and evaluate its performance by conducting nodule classification, tumor segmentation, and clinical risk prediction tasks. Comparing with 14 existing related methods, the proposed method successfully achieves the best model performance, and meanwhile up to 60% improvement of communication efficiency.
Collapse
|
8
|
Li K, Yuan X, Zheng J, Ni W, Dressler F, Jamalipour A. Leverage Variational Graph Representation for Model Poisoning on Federated Learning. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:116-128. [PMID: 38700966 DOI: 10.1109/tnnls.2024.3394252] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 05/05/2024]
Abstract
This article puts forth a new training data-untethered model poisoning (MP) attack on federated learning (FL). The new MP attack extends an adversarial variational graph autoencoder (VGAE) to create malicious local models based solely on the benign local models overheard without any access to the training data of FL. Such an advancement leads to the VGAE-MP attack that is not only efficacious but also remains elusive to detection. VGAE-MP attack extracts graph structural correlations among the benign local models and the training data features, adversarially regenerates the graph structure, and generates malicious local models using the adversarial graph structure and benign models' features. Moreover, a new attacking algorithm is presented to train the malicious local models using VGAE and sub-gradient descent, while enabling an optimal selection of the benign local models for training the VGAE. Experiments demonstrate a gradual drop in FL accuracy under the proposed VGAE-MP attack and the ineffectiveness of existing defense mechanisms in detecting the attack, posing a severe threat to FL.
Collapse
|
9
|
Zhao L, Cai L, Lu WS. Federated Learning for Data Trading Portfolio Allocation With Autonomous Economic Agents. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:1467-1481. [PMID: 37988203 DOI: 10.1109/tnnls.2023.3332315] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 11/23/2023]
Abstract
In the rapidly advancing ubiquitous intelligence society, the role of data as a valuable resource has become paramount. As a result, there is a growing need for the development of autonomous economic agents (AEAs) capable of intelligently and autonomously trading data. These AEAs are responsible for acquiring, processing, and selling data to entities such as software companies. To ensure optimal profitability, an intelligent AEA must carefully allocate its portfolio, relying on accurate return estimation and well-designed models. However, a significant challenge arises due to the sensitive and confidential nature of data trading. Each AEA possesses only limited local information, which may not be sufficient for training a robust and effective portfolio allocation model. To address this limitation, we propose a novel data trading market where AEAs exclusively possess local market information. To overcome the information constraint, AEAs employ federated learning (FL) that allows multiple AEAs to jointly train a model capable of generating promising portfolio allocations for multiple data products. To account for the dynamic and ever-changing revenue returns, we introduce an integration of the histogram of oriented gradients (HoGs) with the discrete wavelet transformation (DWT). This innovative combination serves to redefine the representation of local market information to effectively handle the inherent nonstationarity of revenue patterns associated with data products. Furthermore, we leverage the transform domain of local model drifts in the global model update process, effectively reducing the communication burden and significantly improving training efficiency. Through simulations, we provide compelling evidence that our proposed schemes deliver superior performance across multiple evaluation metrics, including test loss, cumulative return, portfolio risk, and Sharpe ratio.
Collapse
|
10
|
Song Y, Wang Z, Zuazua E. FedADMM-InSa: An inexact and self-adaptive ADMM for federated learning. Neural Netw 2025; 181:106772. [PMID: 39418815 DOI: 10.1016/j.neunet.2024.106772] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 02/23/2024] [Revised: 07/31/2024] [Accepted: 09/28/2024] [Indexed: 10/19/2024]
Abstract
Federated learning (FL) is a promising framework for learning from distributed data while maintaining privacy. The development of efficient FL algorithms encounters various challenges, including heterogeneous data and systems, limited communication capacities, and constrained local computational resources. Recently developed FedADMM methods show great resilience to both data and system heterogeneity. However, they still suffer from performance deterioration if the hyperparameters are not carefully tuned. To address this issue, we propose an inexact and self-adaptive FedADMM algorithm, termed FedADMM-InSa. First, we design an inexactness criterion for the clients' local updates to eliminate the need for empirically setting the local training accuracy. This inexactness criterion can be assessed by each client independently based on its unique condition, thereby reducing the local computational cost and mitigating the undesirable straggle effect. The convergence of the resulting inexact ADMM is proved under the assumption of strongly convex loss functions. Additionally, we present a self-adaptive scheme that dynamically adjusts each client's penalty parameter, enhancing algorithm robustness by mitigating the need for empirical penalty parameter choices for each client. Extensive numerical experiments on both synthetic and real-world datasets have been conducted. As validated by some tests, our FedADMM-InSa algorithm improves model accuracy by 7.8% while reducing clients' local workloads by 55.7% compared to benchmark algorithms.
Collapse
Affiliation(s)
- Yongcun Song
- Department of Mathematics, City University of Hong Kong, Kowloon, Hong Kong, China.
| | - Ziqi Wang
- Chair for Dynamics, Control, Machine Learning and Numerics - Alexander von Humboldt Professorship, Department of Mathematics, Friedrich-Alexander-Universität Erlangen-Nürnberg, Cauerstrasse 11, Erlangen, 91058, Germany.
| | - Enrique Zuazua
- Chair for Dynamics, Control, Machine Learning and Numerics - Alexander von Humboldt Professorship, Department of Mathematics, Friedrich-Alexander-Universität Erlangen-Nürnberg, Cauerstrasse 11, Erlangen, 91058, Germany; Departamento de Matemáticas, Universidad Autónoma de Madrid, C. Francisco Tomás y Valiente, 7, Madrid, 28049, Spain; Chair of Computational Mathematics, Fundación Deusto, Avenida de las Universidades, 24, Bilbao, 48007, Basque Country, Spain.
| |
Collapse
|
11
|
Hao Z, Wang G, Zhang B, Feng Z, Li H, Chong F, Pan Y, Li W. A Novel Public Sentiment Analysis Method Based on an Isomerism Learning Model via Multiphase Processing. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2025; 36:249-259. [PMID: 37220063 DOI: 10.1109/tnnls.2023.3274912] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 05/25/2023]
Abstract
The dissemination of public opinion in the social media network is driven by public sentiment, which can be used to promote the effective resolution of social incidents. However, public sentiments for incidents are often affected by environmental factors such as geography, politics, and ideology, which increases the complexity of the sentiment acquisition task. Therefore, a hierarchical mechanism is designed to reduce complexity and utilize processing at multiple phases to improve practicality. Through serial processing between different phases, the task of public sentiment acquisition can be decomposed into two subtasks, which are the classification of report text to locate incidents and sentiment analysis of individuals' reviews. Performance has been improved through improvements to the model structure, such as embedding tables and gating mechanisms. That being said, the traditional centralized structure model is not only easy to form model silos in the process of performing tasks but also faces security risks. In this article, a novel distributed deep learning model called isomerism learning based on blockchain is proposed to address these challenges, the trusted collaboration between models can be realized through parallel training. In addition, for the problem of text heterogeneity, we also designed a method to measure the objectivity of events to dynamically assign the weights of models to improve aggregation efficiency. Extensive experiments demonstrate that the proposed method can effectively improve performance and outperform the state-of-the-art methods significantly.
Collapse
|
12
|
Wan R, Wan R, Xie Q, Hu A, Xie W, Chen J, Liu Y. Current Status and Future Directions of Artificial Intelligence in Post-Traumatic Stress Disorder: A Literature Measurement Analysis. Behav Sci (Basel) 2024; 15:27. [PMID: 39851830 PMCID: PMC11760884 DOI: 10.3390/bs15010027] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 09/24/2024] [Revised: 12/19/2024] [Accepted: 12/23/2024] [Indexed: 01/26/2025] Open
Abstract
This study aims to explore the current state of research and the applicability of artificial intelligence (AI) at various stages of post-traumatic stress disorder (PTSD), including prevention, diagnosis, treatment, patient self-management, and drug development. We conducted a bibliometric analysis using software tools such as Bibliometrix (version 4.1), VOSviewer (version 1.6.19), and CiteSpace (version 6.3.R1) on the relevant literature from the Web of Science Core Collection (WoSCC). The analysis reveals a significant increase in publications since 2017. Kerry J. Ressler has emerged as the most influential author in the field to date. The United States leads in the number of publications, producing seven times more papers than Canada, the second-ranked country, and demonstrating substantial influence. Harvard University and the Veterans Health Administration are also key institutions in this field. The Journal of Affective Disorders has the highest number of publications and impact in this area. In recent years, keywords related to functional connectivity, risk factors, and algorithm development have gained prominence. The field holds immense research potential, with AI poised to revolutionize PTSD management through early symptom detection, personalized treatment plans, and continuous patient monitoring. However, there are numerous challenges, and fully realizing AI's potential will require overcoming hurdles in algorithm design, data integration, and societal ethics. To promote more extensive and in-depth future research, it is crucial to prioritize the development of standardized protocols for AI implementation, foster interdisciplinary collaboration-especially between AI and neuroscience-and address public concerns about AI's role in healthcare to enhance its acceptance and effectiveness.
Collapse
Affiliation(s)
- Ruoyu Wan
- Department of Digital Media Art, School of Architecture and Urban Planning, Huazhong University of Science and Technology, Wuhan 430074, China; (R.W.); (W.X.); (J.C.)
| | - Ruohong Wan
- Academy of Arts & Design, Tsinghua University, Beijing 100084, China;
| | - Qing Xie
- School of Computer Science and Artificial Intelligence, Wuhan University of Technology, Wuhan 430070, China; (Q.X.); (A.H.)
| | - Anshu Hu
- School of Computer Science and Artificial Intelligence, Wuhan University of Technology, Wuhan 430070, China; (Q.X.); (A.H.)
| | - Wei Xie
- Department of Digital Media Art, School of Architecture and Urban Planning, Huazhong University of Science and Technology, Wuhan 430074, China; (R.W.); (W.X.); (J.C.)
| | - Junjie Chen
- Department of Digital Media Art, School of Architecture and Urban Planning, Huazhong University of Science and Technology, Wuhan 430074, China; (R.W.); (W.X.); (J.C.)
| | - Yuhan Liu
- Department of Digital Media Art, School of Architecture and Urban Planning, Huazhong University of Science and Technology, Wuhan 430074, China; (R.W.); (W.X.); (J.C.)
- MoCT Key Laboratory of Lighting Interactive Service & Tech, Huazhong University of Science and Technology, Wuhan 430074, China
| |
Collapse
|
13
|
Xiao R, Cao Y, Xia B. Adaptive Tip Selection for DAG-Shard-Based Federated Learning with High Concurrency and Fairness. SENSORS (BASEL, SWITZERLAND) 2024; 25:19. [PMID: 39796816 PMCID: PMC11722947 DOI: 10.3390/s25010019] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 11/22/2024] [Revised: 12/13/2024] [Accepted: 12/22/2024] [Indexed: 01/13/2025]
Abstract
To cope with the challenges posed by high-concurrency training tasks involving large models and big data, Directed Acyclic Graph (DAG) and shard were proposed as alternatives to blockchain-based federated learning, aiming to enhance training concurrency. However, there is insufficient research on the specific consensus designs and the effects of varying shard sizes on federated learning. In this paper, we combine DAG and shard by designing three tip selection consensus algorithms and propose an adaptive algorithm to improve training performance. Additionally, we achieve concurrent control over the scale of the directed acyclic graph's structure through shard and algorithm adjustments. Finally, we validate the fairness of our model with an incentive mechanism and its robustness under different real-world conditions and demonstrate DAG-Shard-based Federated Learning (DSFL)'s advantages in high concurrency and fairness while adjusting the DAG size through concurrency control. In concurrency, DSFL improves accuracy by 8.19-12.21% and F1 score by 7.27-11.73% compared to DAG-FL. Compared to Blockchain-FL, DSFL shows an accuracy gain of 7.82-11.86% and an F1 score improvement of 8.89-13.27%. Additionally, DSFL outperforms DAG-FL and Chains-FL on both balanced and imbalanced datasets.
Collapse
Affiliation(s)
| | | | - Bin Xia
- School of Computer Science, Nanjing University of Posts and Telecommunications, Nanjing 210023, China; (R.X.); (Y.C.)
| |
Collapse
|
14
|
Hoang TH, Fuhrman J, Klarqvist M, Li M, Chaturvedi P, Li Z, Kim K, Ryu M, Chard R, Huerta E, Giger M, Madduri R. Enabling end-to-end secure federated learning in biomedical research on heterogeneous computing environments with APPFLx. Comput Struct Biotechnol J 2024; 28:29-39. [PMID: 39896264 PMCID: PMC11782895 DOI: 10.1016/j.csbj.2024.12.001] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Download PDF] [Figures] [Journal Information] [Subscribe] [Scholar Register] [Received: 08/14/2024] [Revised: 10/18/2024] [Accepted: 12/01/2024] [Indexed: 02/04/2025] Open
Abstract
Facilitating large-scale, cross-institutional collaboration in biomedical machine learning (ML) projects requires a trustworthy and resilient federated learning (FL) environment to ensure that sensitive information such as protected health information is kept confidential. Specifically designed for this purpose, this work introduces APPFLx - a low-code, easy-to-use FL framework that enables easy setup, configuration, and running of FL experiments. APPFLx removes administrative boundaries of research organizations and healthcare systems while providing secure end-to-end communication, privacy-preserving functionality, and identity management. Furthermore, it is completely agnostic to the underlying computational infrastructure of participating clients, allowing an instantaneous deployment of this framework into existing computing infrastructures. Experimentally, the utility of APPFLx is demonstrated in two case studies: (1) predicting participant age from electrocardiogram (ECG) waveforms, and (2) detecting COVID-19 disease from chest radiographs. Here, ML models were securely trained across heterogeneous computing resources, including a combination of on-premise high-performance computing and cloud computing facilities. By securely unlocking data from multiple sources for training without directly sharing it, these FL models enhance generalizability and performance compared to centralized training models while ensuring data remains protected. In conclusion, APPFLx demonstrated itself as an easy-to-use framework for accelerating biomedical studies across organizations and healthcare systems on large datasets while maintaining the protection of private medical data.
Collapse
Affiliation(s)
- Trung-Hieu Hoang
- Department of Electrical and Computer Engineering and Coordinated Science Laboratory, University of Illinois at Urbana-Champaign, Urbana, 61801, IL, USA
| | | | | | - Miao Li
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
- School of Industrial and Systems Engineering Georgia Institute of Technology, Atlanta, GA, USA
| | - Pranshu Chaturvedi
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
- Department of Computer Science, University of Illinois at Urbana-Champaign, Street, Urbana, 61801, IL, USA
| | - Zilinghan Li
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
- Department of Computer Science, University of Illinois at Urbana-Champaign, Street, Urbana, 61801, IL, USA
| | - Kibaek Kim
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
| | - Minseok Ryu
- School of Computing and Augmented Intelligence Arizona State University, Tempe, AZ, USA
| | - Ryan Chard
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
| | - E.A. Huerta
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
| | | | - Ravi Madduri
- Data Science and Learning Division, Argonne National Laboratory, Lemont, IL, USA
| |
Collapse
|
15
|
Schoenpflug LA, Nie Y, Sheikhzadeh F, Koelzer VH. A review on federated learning in computational pathology. Comput Struct Biotechnol J 2024; 23:3938-3945. [PMID: 39582895 PMCID: PMC11584763 DOI: 10.1016/j.csbj.2024.10.037] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Figures] [Journal Information] [Subscribe] [Scholar Register] [Received: 08/16/2024] [Revised: 10/22/2024] [Accepted: 10/22/2024] [Indexed: 11/26/2024] Open
Abstract
Training generalizable computational pathology (CPATH) algorithms is heavily dependent on large-scale, multi-institutional data. Simultaneously, healthcare data underlies strict data privacy rules, hindering the creation of large datasets. Federated Learning (FL) is a paradigm addressing this dilemma, by allowing separate institutions to collaborate in a training process while keeping each institution's data private and exchanging model parameters instead. In this study, we identify and review key developments of FL for CPATH applications. We consider 15 studies, thereby evaluating the current status of exploring and adapting this emerging technology for CPATH applications. Proof-of-concept studies have been conducted across a wide range of CPATH use cases, showcasing the performance equivalency of models trained in a federated compared to a centralized manner. Six studies focus on model aggregation or model alignment methods reporting minor ( 0 ∼ 3 % ) performance improvement compared to conventional FL techniques, while four studies explore domain alignment methods, resulting in more significant performance improvements ( 4 ∼ 20 % ). To further reduce the privacy risk posed by sharing model parameters, four studies investigated the use of privacy preservation methods, where all methods demonstrated equivalent or slightly degraded performance ( 0.2 ∼ 6 % lower). To facilitate broader, real-world environment adoption, it is imperative to establish guidelines for the setup and deployment of FL infrastructure, alongside the promotion of standardized software frameworks. These steps are crucial to 1) further democratize CPATH research by allowing smaller institutions to pool data and computational resources 2) investigating rare diseases, 3) conducting multi-institutional studies, and 4) allowing rapid prototyping on private data.
Collapse
Affiliation(s)
- Lydia A. Schoenpflug
- Department of Pathology and Molecular Pathology, University Hospital and University of Zürich, Zürich, Switzerland
| | - Yao Nie
- Roche Diagnostics, Digital Pathology, Santa Clara, CA, United States
| | | | - Viktor H. Koelzer
- Department of Pathology and Molecular Pathology, University Hospital and University of Zürich, Zürich, Switzerland
- Institute of Medical Genetics and Pathology, University Hospital Basel, Basel, Switzerland
- Department of Oncology, University of Oxford, Oxford, UK
- Nuffield Department of Medicine, University of Oxford, Oxford, UK
| |
Collapse
|
16
|
Zhou X, Wang X. A Memory-Efficient Federated Kernel Support Vector Machine for Edge Devices. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:17359-17371. [PMID: 37725743 DOI: 10.1109/tnnls.2023.3302802] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 09/21/2023]
Abstract
A federated learning (FL) scheme (denoted as Fed-KSVM) is designed to train kernel support vector machines (SVMs) over multiple edge devices with low memory consumption. To decompose the training process of kernel SVM, each edge device first constructs high-dimensional random feature vectors of its local data, and then trains a local SVM model over the random feature vectors. To reduce the memory consumption on each edge device, the optimization problem of the local model is divided into several subproblems. Each subproblem only optimizes a subset of the model parameters over a block of random feature vectors with a low dimension. To achieve the same optimal solution to the original optimization problem, an incremental learning algorithm called block boosting is designed to solve these subproblems sequentially. After training of the local models, the central server constructs a global SVM model by averaging the model parameters of these local models. Fed-KSVM only increases the iterations of training the local SVM models to save the memory consumption, while the communication rounds between the edge devices and the central server are not affected. Theoretical analysis shows that the kernel SVM model trained by Fed-KSVM converges to the optimal model with a linear convergence rate. Because of such a fast convergence rate, Fed-KSVM reduces the communication cost during training by up to 99% compared with the centralized training method. The experimental results also show that Fed-KSVM reduces the memory consumption on the edge devices by nearly 90% while achieving the highest test accuracy, compared with the state-of-the-art schemes.
Collapse
|
17
|
Grataloup A, Kurpicz-Briki M. A systematic survey on the application of federated learning in mental state detection and human activity recognition. Front Digit Health 2024; 6:1495999. [PMID: 39664400 PMCID: PMC11631783 DOI: 10.3389/fdgth.2024.1495999] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Figures] [Journal Information] [Subscribe] [Scholar Register] [Received: 09/13/2024] [Accepted: 11/14/2024] [Indexed: 12/13/2024] Open
Abstract
This systematic review investigates the application of federated learning in mental health and human activity recognition. A comprehensive search was conducted to identify studies utilizing federated learning for these domains. The included studies were evaluated based on publication year, task, dataset characteristics, federated learning algorithms, and personalization methods. The aim is to provide an overview of the current state-of-the-art, identify research gaps, and inform future research directions in this emerging field.
Collapse
Affiliation(s)
- Albin Grataloup
- Bern University of Applied Sciences, Technik und Informatik, Biel, Switzerland
| | | |
Collapse
|
18
|
Yang H, Li J, Hao M, Zhang W, He H, Sangaiah AK. An efficient personalized federated learning approach in heterogeneous environments: a reinforcement learning perspective. Sci Rep 2024; 14:28877. [PMID: 39572631 PMCID: PMC11582602 DOI: 10.1038/s41598-024-80048-3] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 08/14/2024] [Accepted: 11/13/2024] [Indexed: 11/24/2024] Open
Abstract
In order to address the problem of data heterogeneity, in recent years, personalized federated learning has tailored models to individual user data to enhance model performance on clients with diverse data distributions. However, the existing personalized federated learning methods do not adequately address the problem of data heterogeneity, and lack the processing of system heterogeneity. Consequently, these issues lead to diminished training efficiency and suboptimal model performance of personalized federated learning in heterogeneous environments. In response to these challenges, we propose FedPRL, a novel approach to personalized federated learning designed specifically for heterogeneous environments. Our method tackles data heterogeneity by implementing a personalized strategy centered on local data storage, enabling the accurate extraction of features tailored to the data distribution of individual clients. This personalized approach enhances the performance of federated learning models when dealing with non-IID data. To overcome system heterogeneity, we design a client selection mechanism grounded in reinforcement learning and user quality evaluation. This mechanism optimizes the selection of clients based on data quality and training time, thereby boosting the efficiency of the training process and elevating the overall performance of personalized models. Moreover, we devise a local training method that utilizes global knowledge distillation of non-target classes, which combined with traditional federated learning can effectively address the issue of catastrophic forgetting during global model updates. This approach enhances the generalization capability of the global model and further improves the performance of personalized models. Extensive experiments on both standard and real-world datasets demonstrate that FedPRL effectively resolves the challenges of data and system heterogeneity, enhancing the efficiency and model performance of personalized federated learning methods in heterogeneous environments, and outperforming state-of-the-art methods in terms of model accuracy and training efficiency.
Collapse
Affiliation(s)
- Hongwei Yang
- School of Cyberspace Science, Harbin Institute of Technology, Harbin, 150001, China
| | - Juncheng Li
- School of Cyberspace Science, Harbin Institute of Technology, Harbin, 150001, China
| | - Meng Hao
- School of Cyberspace Science, Harbin Institute of Technology, Harbin, 150001, China.
| | - Weizhe Zhang
- School of Cyberspace Science, Harbin Institute of Technology, Harbin, 150001, China
- Pengcheng Laboratory, Shenzhen, 518055, China
| | - Hui He
- School of Cyberspace Science, Harbin Institute of Technology, Harbin, 150001, China
| | - Arun Kumar Sangaiah
- International Graduate School of AI, National Yunlin University of Science and Technology, Douliu, 64002, Taiwan
- School of Engineering and Technology, Sunway University, 47500, Petaling Jaya, Selangor, Malaysia
- Chandigarh University, Mohali, Punjab, 140413, India
| |
Collapse
|
19
|
Chen Y, Lu W, Qin X, Wang J, Xie X. MetaFed: Federated Learning Among Federations With Cyclic Knowledge Distillation for Personalized Healthcare. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:16671-16682. [PMID: 37506019 DOI: 10.1109/tnnls.2023.3297103] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [MESH Headings] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 07/30/2023]
Abstract
Federated learning (FL) has attracted increasing attention to building models without accessing raw user data, especially in healthcare. In real applications, different federations can seldom work together due to possible reasons such as data heterogeneity and distrust/inexistence of the central server. In this article, we propose a novel framework called MetaFed to facilitate trustworthy FL between different federations. MetaFed obtains a personalized model for each federation without a central server via the proposed cyclic knowledge distillation. Specifically, MetaFed treats each federation as a meta distribution and aggregates knowledge of each federation in a cyclic manner. The training is split into two parts: common knowledge accumulation and personalization. Comprehensive experiments on seven benchmarks demonstrate that MetaFed without a server achieves better accuracy compared with state-of-the-art methods [e.g., 10%+ accuracy improvement compared with the baseline for physical activity monitoring dataset (PAMAP2)] with fewer communication costs. More importantly, MetaFed shows remarkable performance in real-healthcare-related applications.
Collapse
|
20
|
Kim TH, Yu JY, Jang WS, Heo SC, Sung M, Hong J, Chung K, Park YR. PPFL: A personalized progressive federated learning method for leveraging different healthcare institution-specific features. iScience 2024; 27:110943. [PMID: 39381738 PMCID: PMC11460500 DOI: 10.1016/j.isci.2024.110943] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Download PDF] [Figures] [Journal Information] [Subscribe] [Scholar Register] [Received: 12/04/2023] [Revised: 03/29/2024] [Accepted: 09/10/2024] [Indexed: 10/10/2024] Open
Abstract
Federated learning (FL) in healthcare allows the collaborative training of models on distributed data sources, while ensuring privacy and leveraging collective knowledge. However, as each institution collects data separately, conventional FL cannot leverage the different features depending on the institution. We proposed a personalized progressive FL (PPFL) approach that leverages client-specific features and evaluated with real-world datasets. We compared the performance of in-hospital mortality prediction between our model and conventional models based on accuracy and area under the receiver operating characteristic (AUROC). PPFL achieved an accuracy of 0.941 and AUROC of 0.948, which were higher than the scores of the local models and FedAvg algorithm. We also observed that PPFL achieved a similar performance for cancer data. We identified client-specific features that can contribute to mortality. PPFL is a personalized federated algorithm for heterogeneously distributed clients that expands the feature space for client-specific vertical feature information.
Collapse
Affiliation(s)
- Tae Hyun Kim
- Department of Biomedical Systems Informatics, Yonsei University College of Medicine, Seoul, Republic of Korea
| | - Jae Yong Yu
- Research Institute for Data Science and AI (Artificial Intelligence), Hallym University, Chuncheon-si, Gangwon-do, Republic of Korea
| | - Won Seok Jang
- Department of Biomedical Systems Informatics, Yonsei University College of Medicine, Seoul, Republic of Korea
| | - Sun Cheol Heo
- Department of Biomedical Systems Informatics, Yonsei University College of Medicine, Seoul, Republic of Korea
| | - MinDong Sung
- Department of Biomedical Systems Informatics, Yonsei University College of Medicine, Seoul, Republic of Korea
- Division of Pulmonology, Department of Internal Medicine, Yonsei University Health System, Seoul, Republic of Korea
| | - JaeSeong Hong
- Department of Biomedical Systems Informatics, Yonsei University College of Medicine, Seoul, Republic of Korea
| | - KyungSoo Chung
- Division of Pulmonology, Department of Internal Medicine, Yonsei University Health System, Seoul, Republic of Korea
| | - Yu Rang Park
- Department of Biomedical Systems Informatics, Yonsei University College of Medicine, Seoul, Republic of Korea
| |
Collapse
|
21
|
Thakur A, Molaei S, Nganjimi PC, Soltan A, Schwab P, Branson K, Clifton DA. Knowledge abstraction and filtering based federated learning over heterogeneous data views in healthcare. NPJ Digit Med 2024; 7:283. [PMID: 39414980 PMCID: PMC11484763 DOI: 10.1038/s41746-024-01272-9] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 02/09/2024] [Accepted: 09/26/2024] [Indexed: 10/18/2024] Open
Abstract
Robust data privacy regulations hinder the exchange of healthcare data among institutions, crucial for global insights and developing generalised clinical models. Federated learning (FL) is ideal for training global models using datasets from different institutions without compromising privacy. However, disparities in electronic healthcare records (EHRs) lead to inconsistencies in ML-ready data views, making FL challenging without extensive preprocessing and information loss. These differences arise from variations in services, care standards, and record-keeping practices. This paper addresses data view heterogeneity by introducing a knowledge abstraction and filtering-based FL framework that allows FL over heterogeneous data views without manual alignment or information loss. The knowledge abstraction and filtering mechanism maps raw input representations to a unified, semantically rich shared space for effective global model training. Experiments on three healthcare datasets demonstrate the framework's effectiveness in overcoming data view heterogeneity and facilitating information sharing in a federated setup.
Collapse
Affiliation(s)
- Anshul Thakur
- Department of Engineering Science, University of Oxford, Oxford, UK.
| | - Soheila Molaei
- Department of Engineering Science, University of Oxford, Oxford, UK
| | | | - Andrew Soltan
- Department of Engineering Science, University of Oxford, Oxford, UK
- Oxford University Hospitals NHS Foundation Trust, Oxford, UK
| | | | | | - David A Clifton
- Department of Engineering Science, University of Oxford, Oxford, UK
- Oxford-Suzhou Centre for Advanced Research, Suzhou, China
| |
Collapse
|
22
|
Cortinas-Lorenzo K, Lacey G. Toward Explainable Affective Computing: A Review. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:13101-13121. [PMID: 37220061 DOI: 10.1109/tnnls.2023.3270027] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 05/25/2023]
Abstract
Affective computing has an unprecedented potential to change the way humans interact with technology. While the last decades have witnessed vast progress in the field, multimodal affective computing systems are generally black box by design. As affective systems start to be deployed in real-world scenarios, such as education or healthcare, a shift of focus toward improved transparency and interpretability is needed. In this context, how do we explain the output of affective computing models? and how to do so without limiting predictive performance? In this article, we review affective computing work from an explainable AI (XAI) perspective, collecting and synthesizing relevant papers into three major XAI approaches: premodel (applied before training), in-model (applied during training), and postmodel (applied after training). We present and discuss the most fundamental challenges in the field, namely, how to relate explanations back to multimodal and time-dependent data, how to integrate context and inductive biases into explanations using mechanisms such as attention, generative modeling, or graph-based methods, and how to capture intramodal and cross-modal interactions in post hoc explanations. While explainable affective computing is still nascent, existing methods are promising, contributing not only toward improved transparency but, in many cases, surpassing state-of-the-art results. Based on these findings, we explore directions for future research and discuss the importance of data-driven XAI and explanation goals, and explainee needs definition, as well as causability or the extent to which a given method leads to human understanding.
Collapse
|
23
|
Zhang Y, Gong M, Gao Y, Qin AK, Wang K, Lin Y, Wang S. Device-Performance-Driven Heterogeneous Multiparty Learning for Arbitrary Images. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:14932-14944. [PMID: 37310823 DOI: 10.1109/tnnls.2023.3282242] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/15/2023]
Abstract
Multiparty learning (MPL) is an emerging framework for privacy-preserving collaborative learning. It enables individual devices to build a knowledge-shared model and remaining sensitive data locally. However, with the continuous increase of users, the heterogeneity gap between data and equipment becomes wider, which leads to the problem of model heterogeneous. In this article, we concentrate on two practical issues: data heterogeneous problem and model heterogeneous problem, and propose a novel personal MPL method named device-performance-driven heterogeneous MPL (HMPL). First, facing the data heterogeneous problem, we focus on the problem of various devices holding arbitrary data sizes. We introduce a heterogeneous feature-map integration method to adaptively unify the various feature maps. Meanwhile, to handle the model heterogeneous problem, as it is essential to customize models for adapting to the various computing performances, we propose a layer-wise model generation and aggregation strategy. The method can generate customized models based on the device's performance. In the aggregation process, the shared model parameters are updated through the rules that the network layers with the same semantics are aggregated with each other. Extensive experiments are conducted on four popular datasets, and the result demonstrates that our proposed framework outperforms the state of the art (SOTA).
Collapse
|
24
|
Chung H, Lee JS. Federated influencer learning for secure and efficient collaborative learning in realistic medical database environment. Sci Rep 2024; 14:22729. [PMID: 39349569 PMCID: PMC11442468 DOI: 10.1038/s41598-024-73863-1] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 07/01/2024] [Accepted: 09/22/2024] [Indexed: 10/02/2024] Open
Abstract
Enhancing deep learning performance requires extensive datasets. Centralized training raises concerns about data ownership and security. Additionally, large models are often unsuitable for hospitals due to their limited resource capacities. Federated learning (FL) has been introduced to address these issues. However, FL faces challenges such as vulnerability to attacks, non-IID data, reliance on a central server, high communication overhead, and suboptimal model aggregation. Furthermore, FL is not optimized for realistic hospital database environments, where data are dynamically accumulated. To overcome these limitations, we propose federated influencer learning (FIL) as a secure and efficient collaborative learning paradigm. Unlike the server-client model of FL, FIL features an equal-status structure among participants, with an administrator overseeing the overall process. FIL comprises four stages: local training, qualification, screening, and influencing. Local training is similar to vanilla FL, except for the optional use of a shared dataset. In the qualification stage, participants are classified as influencers or followers. During the screening stage, the integrity of the logits from the influencer is examined. If the integrity is confirmed, the influencer shares their knowledge with the others. FIL is more secure than FL because it eliminates the need for model-parameter transactions, central servers, and generative models. Additionally, FIL supports model-agnostic training. These features make FIL particularly promising for fields such as healthcare, where maintaining confidentiality is crucial. Our experiments demonstrated the effectiveness of FIL, which outperformed several FL methods on large medical (X-ray, MRI, and PET) and natural (CIFAR-10) image dataset in a dynamically accumulating database environment, with consistently higher precision, recall, Dice score, and lower standard deviation between participants. In particular, in the PET dataset, FIL achieved about a 40% improvement in Dice score and recall.
Collapse
Affiliation(s)
- Haengbok Chung
- Interdisciplinary Program in Artificial Intelligence, Seoul National University, Seoul, Korea
- Department of Nuclear Medicine, Seoul National University College of Medicine, Seoul, Korea
| | - Jae Sung Lee
- Interdisciplinary Program in Artificial Intelligence, Seoul National University, Seoul, Korea.
- Department of Nuclear Medicine, Seoul National University College of Medicine, Seoul, Korea.
- Brightonix Imaging Inc., Seoul, Korea.
| |
Collapse
|
25
|
Yamada A, Hanaoka S, Takenaga T, Miki S, Yoshikawa T, Nomura Y. Investigation of distributed learning for automated lesion detection in head MR images. Radiol Phys Technol 2024; 17:725-738. [PMID: 39048847 PMCID: PMC11341643 DOI: 10.1007/s12194-024-00827-5] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 03/21/2024] [Revised: 06/11/2024] [Accepted: 07/14/2024] [Indexed: 07/27/2024]
Abstract
In this study, we investigated the application of distributed learning, including federated learning and cyclical weight transfer, in the development of computer-aided detection (CADe) software for (1) cerebral aneurysm detection in magnetic resonance (MR) angiography images and (2) brain metastasis detection in brain contrast-enhanced MR images. We used datasets collected from various institutions, scanner vendors, and magnetic field strengths for each target CADe software. We compared the performance of multiple strategies, including a centralized strategy, in which software development is conducted at a development institution after collecting de-identified data from multiple institutions. Our results showed that the performance of CADe software trained through distributed learning was equal to or better than that trained through the centralized strategy. However, the distributed learning strategies that achieved the highest performance depend on the target CADe software. Hence, distributed learning can become one of the strategies for CADe software development using data collected from multiple institutions.
Collapse
Affiliation(s)
- Aiki Yamada
- Department of Medical Engineering, Graduate School of Science and Engineering, Chiba University, 1-33 Yayoi-Cho, Inage-Ku, Chiba, 263-8522, Japan.
- Department of Radiology, The University of Tokyo Hospital, 7-3-1 Hongo, Bunkyo-Ku, Tokyo, 113-8655, Japan.
| | - Shouhei Hanaoka
- Department of Radiology, The University of Tokyo Hospital, 7-3-1 Hongo, Bunkyo-Ku, Tokyo, 113-8655, Japan
| | - Tomomi Takenaga
- Department of Radiology, The University of Tokyo Hospital, 7-3-1 Hongo, Bunkyo-Ku, Tokyo, 113-8655, Japan
| | - Soichiro Miki
- Department of Computational Diagnostic Radiology and Preventive Medicine, The University of Tokyo Hospital, 7-3-1 Hongo, Bunkyo-Ku, Tokyo, 113-8655, Japan
| | - Takeharu Yoshikawa
- Department of Computational Diagnostic Radiology and Preventive Medicine, The University of Tokyo Hospital, 7-3-1 Hongo, Bunkyo-Ku, Tokyo, 113-8655, Japan
| | - Yukihiro Nomura
- Department of Computational Diagnostic Radiology and Preventive Medicine, The University of Tokyo Hospital, 7-3-1 Hongo, Bunkyo-Ku, Tokyo, 113-8655, Japan
- Center for Frontier Medical Engineering, Chiba University, 1-33 Yayoi-Cho, Inage-Ku, Chiba, 263-8522, Japan
| |
Collapse
|
26
|
Tang T, Han Z, Cai Z, Yu S, Zhou X, Oseni T, Das SK. Personalized Federated Graph Learning on Non-IID Electronic Health Records. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:11843-11856. [PMID: 38502617 DOI: 10.1109/tnnls.2024.3370297] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [MESH Headings] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 03/21/2024]
Abstract
Understanding the latent disease patterns embedded in electronic health records (EHRs) is crucial for making precise and proactive healthcare decisions. Federated graph learning-based methods are commonly employed to extract complex disease patterns from the distributed EHRs without sharing the client-side raw data. However, the intrinsic characteristics of the distributed EHRs are typically non-independent and identically distributed (Non-IID), significantly bringing challenges related to data imbalance and leading to a notable decrease in the effectiveness of making healthcare decisions derived from the global model. To address these challenges, we introduce a novel personalized federated learning framework named PEARL, which is designed for disease prediction on Non-IID EHRs. Specifically, PEARL incorporates disease diagnostic code attention and admission record attention to extract patient embeddings from all EHRs. Then, PEARL integrates self-supervised learning into a federated learning framework to train a global model for hierarchical disease prediction. To improve the performance of the client model, we further introduce a fine-tuning scheme to personalize the global model using local EHRs. During the global model updating process, a differential privacy (DP) scheme is implemented, providing a high-level privacy guarantee. Extensive experiments conducted on the real-world MIMIC-III dataset validate the effectiveness of PEARL, demonstrating competitive results when compared with baselines.
Collapse
|
27
|
Dedeoglu M, Lin S, Zhang Z, Zhang J. Continual Learning of Generative Models With Limited Data: From Wasserstein-1 Barycenter to Adaptive Coalescence. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:12042-12056. [PMID: 37028381 DOI: 10.1109/tnnls.2023.3251096] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/19/2023]
Abstract
Learning generative models is challenging for a network edge node with limited data and computing power. Since tasks in similar environments share a model similarity, it is plausible to leverage pretrained generative models from other edge nodes. Appealing to optimal transport theory tailored toward Wasserstein-1 generative adversarial networks (WGANs), this study aims to develop a framework that systematically optimizes continual learning of generative models using local data at the edge node while exploiting adaptive coalescence of pretrained generative models. Specifically, by treating the knowledge transfer from other nodes as Wasserstein balls centered around their pretrained models, continual learning of generative models is cast as a constrained optimization problem, which is further reduced to a Wasserstein-1 barycenter problem. A two-stage approach is devised accordingly: 1) the barycenters among the pretrained models are computed offline, where displacement interpolation is used as the theoretic foundation for finding adaptive barycenters via a "recursive" WGAN configuration and 2) the barycenter computed offline is used as metamodel initialization for continual learning, and then, fast adaptation is carried out to find the generative model using the local samples at the target edge node. Finally, a weight ternarization method, based on joint optimization of weights and threshold for quantization, is developed to compress the generative model further. Extensive experimental studies corroborate the effectiveness of the proposed framework.
Collapse
|
28
|
Minoofar A, Alhaddad A, Ko W, Karapetyan N, Almaiman A, Zhou H, Ramakrishnan M, Annavaram M, Tur M, Habif JL, Willner AE. Tunable optical matrix convolution of 20-Gbit/s QPSK 2-D data with a kernel using optical wave mixing. OPTICS LETTERS 2024; 49:4899-4902. [PMID: 39207992 DOI: 10.1364/ol.530189] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Received: 05/20/2024] [Accepted: 08/03/2024] [Indexed: 09/04/2024]
Abstract
Compared to its electronic counterpart, optically performed matrix convolution can accommodate phase-encoded data at high rates while avoiding optical-to-electronic-to-optical (OEO) conversions. We experimentally demonstrate a reconfigurable matrix convolution of quadrature phase-shift keying (QPSK)-encoded input data. The two-dimensional (2-D) input data is serialized, and its time-shifted replicas are generated. This 2-D data is convolved with a 1-D kernel with coefficients, which are applied by adjusting the relative phase and amplitude of the kernel pumps. Time-shifted data replicas (TSDRs) and kernel pumps are coherently mixed using nonlinear wave mixing in a periodically poled lithium niobate (PPLN) waveguide. To show the tunability and reconfigurability of this approach, we vary the kernel coefficients, kernel sizes (e.g., 2 × 1 or 3 × 1), and input data rates (e.g., 6-20 Gbit/s). The convolution results are verified to be error-free under an applied: (a) 2 × 1 kernel, resulting in a 16-quadrature amplitude modulation (QAM) output with an error vector magnitude (EVM) of ∼5.1-8.5%; and (b) 3 × 1 kernel, resulting in a 64-QAM output with an EVM of ∼4.9-5.5%.
Collapse
|
29
|
Shi Y, Yu H, Leung C. Towards Fairness-Aware Federated Learning. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:11922-11938. [PMID: 37037249 DOI: 10.1109/tnnls.2023.3263594] [Citation(s) in RCA: 1] [Impact Index Per Article: 1.0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/19/2023]
Abstract
Recent advances in federated learning (FL) have brought large-scale collaborative machine learning opportunities for massively distributed clients with performance and data privacy guarantees. However, most current works focus on the interest of the central controller in FL and overlook the interests of the FL clients. This may result in unfair treatment of clients, which discourages them from actively participating in the learning process and damages the sustainability of the FL ecosystem. Therefore, the topic of ensuring fairness in FL is attracting a great deal of research interest. In recent years, diverse fairness-aware FL (FAFL) approaches have been proposed in an effort to achieve fairness in FL from different perspectives. However, there is no comprehensive survey that helps readers gain insight into this interdisciplinary field. This article aims to provide such a survey. By examining the fundamental and simplifying assumptions, as well as the notions of fairness adopted by the existing literature in this field, we propose a taxonomy of FAFL approaches covering major steps in FL, including client selection, optimization, contribution evaluation, and incentive distribution. In addition, we discuss the main metrics for experimentally evaluating the performance of FAFL approaches and suggest promising future research directions toward FAFL.
Collapse
|
30
|
Qiu W, Feng Y, Li Y, Chang Y, Qian K, Hu B, Yamamoto Y, Schuller BW. Fed-MStacking: Heterogeneous Federated Learning With Stacking Misaligned Labels for Abnormal Heart Sound Detection. IEEE J Biomed Health Inform 2024; 28:5055-5066. [PMID: 39012744 DOI: 10.1109/jbhi.2024.3428512] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [MESH Headings] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 07/18/2024]
Abstract
Ubiquitous sensing has been widely applied in smart healthcare, providing an opportunity for intelligent heart sound auscultation. However, smart devices contain sensitive information, raising user privacy concerns. To this end, federated learning (FL) has been adopted as an effective solution, enabling decentralised learning without data sharing, thus preserving data privacy in the Internet of Health Things (IoHT). Nevertheless, traditional FL requires the same architectural models to be trained across local clients and global servers, leading to a lack of model heterogeneity and client personalisation. For medical institutions with private data clients, this study proposes Fed-MStacking, a heterogeneous FL framework that incorporates a stacking ensemble learning strategy to support clients in building their own models. The secondary objective of this study is to address scenarios involving local clients with data characterised by inconsistent labelling. Specifically, the local client contains only one case type, and the data cannot be shared within or outside the institution. To train a global multi-class classifier, we aggregate missing class information from all clients at each institution and build meta-data, which then participates in FL training via a meta-learner. We apply the proposed framework to a multi-institutional heart sound database. The experiments utilise random forests (RFs), feedforward neural networks (FNNs), and convolutional neural networks (CNNs) as base classifiers. The results show that the heterogeneous stacking of local models performs better compared to homogeneous stacking.
Collapse
|
31
|
Cho H, Froelicher D, Dokmai N, Nandi A, Sadhuka S, Hong MM, Berger B. Privacy-Enhancing Technologies in Biomedical Data Science. Annu Rev Biomed Data Sci 2024; 7:317-343. [PMID: 39178425 PMCID: PMC11346580 DOI: 10.1146/annurev-biodatasci-120423-120107] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Indexed: 08/25/2024]
Abstract
The rapidly growing scale and variety of biomedical data repositories raise important privacy concerns. Conventional frameworks for collecting and sharing human subject data offer limited privacy protection, often necessitating the creation of data silos. Privacy-enhancing technologies (PETs) promise to safeguard these data and broaden their usage by providing means to share and analyze sensitive data while protecting privacy. Here, we review prominent PETs and illustrate their role in advancing biomedicine. We describe key use cases of PETs and their latest technical advances and highlight recent applications of PETs in a range of biomedical domains. We conclude by discussing outstanding challenges and social considerations that need to be addressed to facilitate a broader adoption of PETs in biomedical data science.
Collapse
Affiliation(s)
- Hyunghoon Cho
- Department of Biomedical Informatics and Data Science, Yale School of Medicine, New Haven, Connecticut, USA;
| | - David Froelicher
- Computer Science and Artificial Intelligence Laboratory, Massachusetts Institute of Technology, Cambridge, Massachusetts, USA;
| | - Natnatee Dokmai
- Department of Biomedical Informatics and Data Science, Yale School of Medicine, New Haven, Connecticut, USA;
| | - Anupama Nandi
- Department of Biomedical Informatics and Data Science, Yale School of Medicine, New Haven, Connecticut, USA;
| | - Shuvom Sadhuka
- Computer Science and Artificial Intelligence Laboratory, Massachusetts Institute of Technology, Cambridge, Massachusetts, USA;
| | - Matthew M Hong
- Computer Science and Artificial Intelligence Laboratory, Massachusetts Institute of Technology, Cambridge, Massachusetts, USA;
| | - Bonnie Berger
- Computer Science and Artificial Intelligence Laboratory, Massachusetts Institute of Technology, Cambridge, Massachusetts, USA;
- Department of Mathematics, Massachusetts Institute of Technology, Cambridge, Massachusetts, USA
| |
Collapse
|
32
|
Fang Y, Yap PT, Lin W, Zhu H, Liu M. Source-free unsupervised domain adaptation: A survey. Neural Netw 2024; 174:106230. [PMID: 38490115 PMCID: PMC11015964 DOI: 10.1016/j.neunet.2024.106230] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 10/31/2023] [Revised: 01/14/2024] [Accepted: 03/07/2024] [Indexed: 03/17/2024]
Abstract
Unsupervised domain adaptation (UDA) via deep learning has attracted appealing attention for tackling domain-shift problems caused by distribution discrepancy across different domains. Existing UDA approaches highly depend on the accessibility of source domain data, which is usually limited in practical scenarios due to privacy protection, data storage and transmission cost, and computation burden. To tackle this issue, many source-free unsupervised domain adaptation (SFUDA) methods have been proposed recently, which perform knowledge transfer from a pre-trained source model to the unlabeled target domain with source data inaccessible. A comprehensive review of these works on SFUDA is of great significance. In this paper, we provide a timely and systematic literature review of existing SFUDA approaches from a technical perspective. Specifically, we categorize current SFUDA studies into two groups, i.e., white-box SFUDA and black-box SFUDA, and further divide them into finer subcategories based on different learning strategies they use. We also investigate the challenges of methods in each subcategory, discuss the advantages/disadvantages of white-box and black-box SFUDA methods, conclude the commonly used benchmark datasets, and summarize the popular techniques for improved generalizability of models learned without using source data. We finally discuss several promising future directions in this field.
Collapse
Affiliation(s)
- Yuqi Fang
- Department of Radiology and Biomedical Research Imaging Center, University of North Carolina at Chapel Hill, Chapel Hill, NC 27599, United States
| | - Pew-Thian Yap
- Department of Radiology and Biomedical Research Imaging Center, University of North Carolina at Chapel Hill, Chapel Hill, NC 27599, United States
| | - Weili Lin
- Department of Radiology and Biomedical Research Imaging Center, University of North Carolina at Chapel Hill, Chapel Hill, NC 27599, United States
| | - Hongtu Zhu
- Department of Biostatistics and Biomedical Research Imaging Center, University of North Carolina at Chapel Hill, Chapel Hill, NC 27599, United States
| | - Mingxia Liu
- Department of Radiology and Biomedical Research Imaging Center, University of North Carolina at Chapel Hill, Chapel Hill, NC 27599, United States.
| |
Collapse
|
33
|
Wei B, Li J, Liu Y, Wang W. Non-IID Federated Learning With Sharper Risk Bound. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:6906-6917. [PMID: 36279343 DOI: 10.1109/tnnls.2022.3213187] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/16/2023]
Abstract
In federated learning (FL), the not independently or identically distributed (non-IID) data partitioning impairs the performance of the global model, which is a severe problem to be solved. Despite the extensive literature related to the algorithmic novelties and optimization analysis of FL, there has been relatively little theoretical research devoted to studying the generalization performance of non-IID FL. The generalization research of non-IID FL still lack effective tools and analytical approach. In this article, we propose weighted local Rademacher complexity to pertinently analyze the generalization properties of non-IID FL and derive a sharper excess risk bound based on weighted local Rademacher complexity, where the convergence rate is much faster than the existing bounds. Based on the theoretical results, we present a general framework federated averaging with local rademacher complexity (FedALRC) to lower the excess risk without additional communication costs compared to some famous methods, such as FedAvg. Through extensive experiments, we show that FedALRC outperforms FedAvg, FedProx and FedNova, and those experimental results coincide with our theoretical findings.
Collapse
|
34
|
Dalmaz O, Mirza MU, Elmas G, Ozbey M, Dar SUH, Ceyani E, Oguz KK, Avestimehr S, Çukur T. One model to unite them all: Personalized federated learning of multi-contrast MRI synthesis. Med Image Anal 2024; 94:103121. [PMID: 38402791 DOI: 10.1016/j.media.2024.103121] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 05/26/2023] [Revised: 02/20/2024] [Accepted: 02/21/2024] [Indexed: 02/27/2024]
Abstract
Curation of large, diverse MRI datasets via multi-institutional collaborations can help improve learning of generalizable synthesis models that reliably translate source- onto target-contrast images. To facilitate collaborations, federated learning (FL) adopts decentralized model training while mitigating privacy concerns by avoiding sharing of imaging data. However, conventional FL methods can be impaired by the inherent heterogeneity in the data distribution, with domain shifts evident within and across imaging sites. Here we introduce the first personalized FL method for MRI Synthesis (pFLSynth) that improves reliability against data heterogeneity via model specialization to individual sites and synthesis tasks (i.e., source-target contrasts). To do this, pFLSynth leverages an adversarial model equipped with novel personalization blocks that control the statistics of generated feature maps across the spatial/channel dimensions, given latent variables specific to sites and tasks. To further promote communication efficiency and site specialization, partial network aggregation is employed over later generator stages while earlier generator stages and the discriminator are trained locally. As such, pFLSynth enables multi-task training of multi-site synthesis models with high generalization performance across sites and tasks. Comprehensive experiments demonstrate the superior performance and reliability of pFLSynth in MRI synthesis against prior federated methods.
Collapse
Affiliation(s)
- Onat Dalmaz
- Department of Electrical and Electronics Engineering, Bilkent University, Ankara 06800, Turkey; National Magnetic Resonance Research Center (UMRAM), Bilkent University, Ankara 06800, Turkey
| | - Muhammad U Mirza
- Department of Electrical and Electronics Engineering, Bilkent University, Ankara 06800, Turkey; National Magnetic Resonance Research Center (UMRAM), Bilkent University, Ankara 06800, Turkey
| | - Gokberk Elmas
- Department of Electrical and Electronics Engineering, Bilkent University, Ankara 06800, Turkey; National Magnetic Resonance Research Center (UMRAM), Bilkent University, Ankara 06800, Turkey
| | - Muzaffer Ozbey
- Department of Electrical and Electronics Engineering, Bilkent University, Ankara 06800, Turkey; National Magnetic Resonance Research Center (UMRAM), Bilkent University, Ankara 06800, Turkey
| | - Salman U H Dar
- Department of Electrical and Electronics Engineering, Bilkent University, Ankara 06800, Turkey; National Magnetic Resonance Research Center (UMRAM), Bilkent University, Ankara 06800, Turkey
| | - Emir Ceyani
- Department of Electrical and Computer Engineering, University of Southern California, Los Angeles, CA 90089, USA
| | - Kader K Oguz
- Department of Radiology, University of California, Davis Medical Center, Sacramento, CA 95817, USA
| | - Salman Avestimehr
- Department of Electrical and Computer Engineering, University of Southern California, Los Angeles, CA 90089, USA
| | - Tolga Çukur
- Department of Electrical and Electronics Engineering, Bilkent University, Ankara 06800, Turkey; National Magnetic Resonance Research Center (UMRAM), Bilkent University, Ankara 06800, Turkey; Neuroscience Program, Bilkent University, Ankara 06800, Turkey.
| |
Collapse
|
35
|
Rajendran S, Pan W, Sabuncu MR, Chen Y, Zhou J, Wang F. Learning across diverse biomedical data modalities and cohorts: Challenges and opportunities for innovation. PATTERNS (NEW YORK, N.Y.) 2024; 5:100913. [PMID: 38370129 PMCID: PMC10873158 DOI: 10.1016/j.patter.2023.100913] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Grants] [Track Full Text] [Figures] [Subscribe] [Scholar Register] [Indexed: 02/20/2024]
Abstract
In healthcare, machine learning (ML) shows significant potential to augment patient care, improve population health, and streamline healthcare workflows. Realizing its full potential is, however, often hampered by concerns about data privacy, diversity in data sources, and suboptimal utilization of different data modalities. This review studies the utility of cross-cohort cross-category (C4) integration in such contexts: the process of combining information from diverse datasets distributed across distinct, secure sites. We argue that C4 approaches could pave the way for ML models that are both holistic and widely applicable. This paper provides a comprehensive overview of C4 in health care, including its present stage, potential opportunities, and associated challenges.
Collapse
Affiliation(s)
- Suraj Rajendran
- Tri-Institutional Computational Biology & Medicine Program, Cornell University, Ithaca, NY, USA
| | - Weishen Pan
- Division of Health Informatics, Department of Population Health Sciences, Weill Cornell Medicine, New York, NY, USA
| | - Mert R. Sabuncu
- School of Electrical and Computer Engineering, Cornell University, Ithaca, NY, USA
- Cornell Tech, Cornell University, New York, NY, USA
- Department of Radiology, Weill Cornell Medical School, New York, NY, USA
| | - Yong Chen
- Department of Biostatistics, Epidemiology, and Informatics, University of Pennsylvania, Philadelphia, PA, USA
| | - Jiayu Zhou
- Department of Computer Science and Engineering, Michigan State University, East Lansing, MI, USA
| | - Fei Wang
- Division of Health Informatics, Department of Population Health Sciences, Weill Cornell Medicine, New York, NY, USA
| |
Collapse
|
36
|
Zhao Y, Yu G, Wang J, Domeniconi C, Guo M, Zhang X, Cui L. Personalized Federated Few-Shot Learning. IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS 2024; 35:2534-2544. [PMID: 35862332 DOI: 10.1109/tnnls.2022.3190359] [Citation(s) in RCA: 2] [Impact Index Per Article: 2.0] [Reference Citation Analysis] [Abstract] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/15/2023]
Abstract
Personalized federated learning (PFL) learns a personalized model for each client in a decentralized manner, where each client owns private data that are not shared and data among clients are non-independent and identically distributed (i.i.d.) However, existing PFL solutions assume that clients have sufficient training samples to jointly induce personalized models. Thus, existing PFL solutions cannot perform well in a few-shot scenario, where most or all clients only have a handful of samples for training. Furthermore, existing few-shot learning (FSL) approaches typically need centralized training data; as such, these FSL methods are not applicable in decentralized scenarios. How to enable PFL with limited training samples per client is a practical but understudied problem. In this article, we propose a solution called personalized federated few-shot learning (pFedFSL) to tackle this problem. Specifically, pFedFSL learns a personalized and discriminative feature space for each client by identifying which models perform well on which clients, without exposing local data of clients to the server and other clients, and which clients should be selected for collaboration with the target client. In the learned feature spaces, each sample is made closer to samples of the same category and farther away from samples of different categories. Experimental results on four benchmark datasets demonstrate that pFedFSL outperforms competitive baselines across different settings.
Collapse
|
37
|
Wang J, Jin Y, Stoyanov D, Wang L. FedDP: Dual Personalization in Federated Medical Image Segmentation. IEEE TRANSACTIONS ON MEDICAL IMAGING 2024; 43:297-308. [PMID: 37494156 DOI: 10.1109/tmi.2023.3299206] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [MESH Headings] [Grants] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 07/28/2023]
Abstract
Personalized federated learning (PFL) addresses the data heterogeneity challenge faced by general federated learning (GFL). Rather than learning a single global model, with PFL a collection of models are adapted to the unique feature distribution of each site. However, current PFL methods rarely consider self-attention networks which can handle data heterogeneity by long-range dependency modeling and they do not utilize prediction inconsistencies in local models as an indicator of site uniqueness. In this paper, we propose FedDP, a novel fed erated learning scheme with d ual p ersonalization, which improves model personalization from both feature and prediction aspects to boost image segmentation results. We leverage long-range dependencies by designing a local query (LQ) that decouples the query embedding layer out of each local model, whose parameters are trained privately to better adapt to the respective feature distribution of the site. We then propose inconsistency-guided calibration (IGC), which exploits the inter-site prediction inconsistencies to accommodate the model learning concentration. By encouraging a model to penalize pixels with larger inconsistencies, we better tailor prediction-level patterns to each local site. Experimentally, we compare FedDP with the state-of-the-art PFL methods on two popular medical image segmentation tasks with different modalities, where our results consistently outperform others on both tasks. Our code and models are available at https://github.com/jcwang123/PFL-Seg-Trans.
Collapse
|
38
|
Chen H, Chen X, Peng L, Bai Y. Personalized Fair Split Learning for Resource-Constrained Internet of Things. SENSORS (BASEL, SWITZERLAND) 2023; 24:88. [PMID: 38202949 PMCID: PMC10781178 DOI: 10.3390/s24010088] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Subscribe] [Scholar Register] [Received: 11/03/2023] [Revised: 12/03/2023] [Accepted: 12/20/2023] [Indexed: 01/12/2024]
Abstract
With the flourishing development of the Internet of Things (IoT), federated learning has garnered significant attention as a distributed learning method aimed at preserving the privacy of participant data. However, certain IoT devices, such as sensors, face challenges in effectively employing conventional federated learning approaches due to limited computational and storage resources, which hinder their ability to train complex local models. Additionally, in IoT environments, devices often face problems of data heterogeneity and uneven benefit distribution between them. To address these challenges, a personalized and fair split learning framework is proposed for resource-constrained clients. This framework first adopts a U-shaped structure, dividing the model to enable resource-constrained clients to offload subsets of the foundational model to a central server while retaining personalized model subsets locally to meet the specific personalized requirements of different clients. Furthermore, to ensure fair benefit distribution, a model-aggregation method with optimized aggregation weights is used. This method reasonably allocates model-aggregation weights based on the contributions of clients, thereby achieving collaborative fairness. Experimental results demonstrate that, in three distinct data heterogeneity scenarios, employing personalized training through this framework exhibits higher accuracy compared to existing baseline methods. Simultaneously, the framework ensures collaborative fairness, fostering a more balanced and sustainable cooperation among IoT devices.
Collapse
Affiliation(s)
- Haitian Chen
- College of Science, North China University of Science and Technology, Tangshan 063210, China; (H.C.)
- Hebei Key Laboratory of Data Science and Application, Tangshan 063210, China
- Tangshan Key Laboratory of Data Science, Tangshan 063210, China
| | - Xuebin Chen
- College of Science, North China University of Science and Technology, Tangshan 063210, China; (H.C.)
- Hebei Key Laboratory of Data Science and Application, Tangshan 063210, China
- Tangshan Key Laboratory of Data Science, Tangshan 063210, China
| | - Lulu Peng
- College of Science, North China University of Science and Technology, Tangshan 063210, China; (H.C.)
- Hebei Key Laboratory of Data Science and Application, Tangshan 063210, China
- Tangshan Key Laboratory of Data Science, Tangshan 063210, China
| | - Yuntian Bai
- College of Science, North China University of Science and Technology, Tangshan 063210, China; (H.C.)
| |
Collapse
|
39
|
Elhussein A, Megjhani M, Nametz D, Weiss M, Savarraj J, Kwon SB, Roh DJ, Agarwal S, Sander Connolly E, Velazquez A, Claassen J, Choi HA, Schubert GA, Park S, Gürsoy G. A generalizable physiological model for detection of Delayed Cerebral Ischemia using Federated Learning. PROCEEDINGS. IEEE INTERNATIONAL CONFERENCE ON BIOINFORMATICS AND BIOMEDICINE 2023; 2023:1886-1889. [PMID: 38389717 PMCID: PMC10883332 DOI: 10.1109/bibm58861.2023.10385383] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 02/24/2024]
Abstract
Delayed cerebral ischemia (DCI) is a complication seen in patients with subarachnoid hemorrhage stroke. It is a major predictor of poor outcomes and is detected late. Machine learning models are shown to be useful for early detection, however training such models suffers from small sample sizes due to rarity of the condition. Here we propose a Federated Learning approach to train a DCI classifier across three institutions to overcome challenges of sharing data across hospitals. We developed a framework for federated feature selection and built a federated ensemble classifier. We compared the performance of FL model to that obtained by training separate models at each site. FL significantly improved performance at only two sites. We found that this was due to feature distribution differences across sites. FL improves performance in sites with similar feature distributions, however, FL can worsen performance in sites with heterogeneous distributions. The results highlight both the benefit of FL and the need to assess dataset distribution similarity before conducting FL.
Collapse
Affiliation(s)
- Ahmed Elhussein
- Department of Biomedical Informatics, Columbia University, New York Genome Center, New York, NY, USA
| | - Murad Megjhani
- Department of Neurology, Columbia University, New York, NY, USA
| | - Daniel Nametz
- Department of Neurology, Columbia University, New York, NY, USA
| | - Miriam Weiss
- Department of Neurosurgery, RWTH Aachen University, Aachen, Germany
| | - Jude Savarraj
- Department of Neurology, UT Health, Houston, TX, USA
| | - Soon Bin Kwon
- Department of Neurology, Columbia University, New York, NY, USA
| | - David J. Roh
- Department of Neurology, Columbia University, New York, NY, USA
| | - Sachin Agarwal
- Department of Neurology, Columbia University, New York, NY, USA
| | | | | | - Jan Claassen
- Department of Neurology, Columbia University, New York, NY, USA
| | - Huimahn A. Choi
- Department of Neurosurgery, RWTH Aachen University, Aachen, Germany
| | | | - Soojin Park
- Department of Neurology, Department of Biomedical Informatics, Columbia University, New York, NY, USA
| | - Gamze Gürsoy
- Department of Biomedical Informatics, Department of Computer Science, Columbia University, New York Genome Center, New York, NY, USA
| |
Collapse
|
40
|
San O, Pawar S, Rasheed A. Decentralized digital twins of complex dynamical systems. Sci Rep 2023; 13:20087. [PMID: 37973926 PMCID: PMC10654642 DOI: 10.1038/s41598-023-47078-9] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 02/24/2023] [Accepted: 11/08/2023] [Indexed: 11/19/2023] Open
Abstract
In this article, we introduce a decentralized digital twin (DDT) modeling framework and its potential applications in computational science and engineering. The DDT methodology is based on the idea of federated learning, a subfield of machine learning that promotes knowledge exchange without disclosing actual data. Clients can learn an aggregated model cooperatively using this method while maintaining complete client-specific training data. We use a variety of dynamical systems, which are frequently used as prototypes for simulating complex transport processes in spatiotemporal systems, to show the viability of the DDT framework. Our findings suggest that constructing highly accurate decentralized digital twins in complex nonlinear spatiotemporal systems may be made possible by federated machine learning.
Collapse
Affiliation(s)
- Omer San
- School of Mechanical and Aerospace Engineering, Oklahoma State University, Stillwater, OK, 74078, USA.
- Department of Mechanical, Aerospace and Biomedical Engineering, University of Tennessee, Knoxville, TN, 37996, USA.
| | - Suraj Pawar
- School of Mechanical and Aerospace Engineering, Oklahoma State University, Stillwater, OK, 74078, USA
| | - Adil Rasheed
- Department of Engineering Cybernetics, Norwegian University of Science and Technology, 7465, Trondheim, Norway
- Department of Mathematics and Cybernetics, SINTEF Digital, 7034, Trondheim, Norway
| |
Collapse
|
41
|
Luo J, Mendieta M, Chen C, Wu S. PGFed: Personalize Each Client's Global Objective for Federated Learning. PROCEEDINGS. IEEE INTERNATIONAL CONFERENCE ON COMPUTER VISION 2023; 2023:3923-3933. [PMID: 38638407 PMCID: PMC11024864 DOI: 10.1109/iccv51070.2023.00365] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Grants] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 04/20/2024]
Abstract
Personalized federated learning has received an upsurge of attention due to the mediocre performance of conventional federated learning (FL) over heterogeneous data. Unlike conventional FL which trains a single global consensus model, personalized FL allows different models for different clients. However, existing personalized FL algorithms only implicitly transfer the collaborative knowledge across the federation by embedding the knowledge into the aggregated model or regularization. We observed that this implicit knowledge transfer fails to maximize the potential of each client's empirical risk toward other clients. Based on our observation, in this work, we propose Personalized Global Federated Learning (PGFed), a novel personalized FL framework that enables each client to personalize its own global objective by explicitly and adaptively aggregating the empirical risks of itself and other clients. To avoid massive ( O ( N 2 ) ) communication overhead and potential privacy leakage while achieving this, each client's risk is estimated through a first-order approximation for other clients' adaptive risk aggregation. On top of PGFed, we develop a momentum upgrade, dubbed PGFedMo, to more efficiently utilize clients' empirical risks. Our extensive experiments on four datasets under different federated settings show consistent improvements of PGFed over previous state-of-the-art methods. The code is publicly available at https://github.com/ljaiverson/pgfed.
Collapse
Affiliation(s)
- Jun Luo
- Intelligent Systems Program, University of Pittsburgh, Pittsburgh, PA
| | - Matias Mendieta
- Center for Research in Computer Vision, University of Central Florida, Orlando, FL
| | - Chen Chen
- Center for Research in Computer Vision, University of Central Florida, Orlando, FL
| | - Shandong Wu
- Intelligent Systems Program, University of Pittsburgh, Pittsburgh, PA
- Department of Radiology, University of Pittsburgh, Pittsburgh, PA
- Department of Biomedical Informatics, University of Pittsburgh, Pittsburgh, PA
- Department of Bioengineering, University of Pittsburgh, Pittsburgh, PA
| |
Collapse
|
42
|
Gunesli GN, Bilal M, Raza SEA, Rajpoot NM. A Federated Learning Approach to Tumor Detection in Colon Histology Images. J Med Syst 2023; 47:99. [PMID: 37715855 DOI: 10.1007/s10916-023-01994-5] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [MESH Headings] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Received: 06/06/2023] [Accepted: 09/07/2023] [Indexed: 09/18/2023]
Abstract
Federated learning (FL), a relatively new area of research in medical image analysis, enables collaborative learning of a federated deep learning model without sharing the data of participating clients. In this paper, we propose FedDropoutAvg, a new federated learning approach for detection of tumor in images of colon tissue slides. The proposed method leverages the power of dropout, a commonly employed scheme to avoid overfitting in neural networks, in both client selection and federated averaging processes. We examine FedDropoutAvg against other FL benchmark algorithms for two different image classification tasks using a publicly available multi-site histopathology image dataset. We train and test the proposed model on a large dataset consisting of 1.2 million image tiles from 21 different sites. For testing the generalization of all models, we select held-out test sets from sites that were not used during training. We show that the proposed approach outperforms other FL methods and reduces the performance gap (to less than 3% in terms of AUC on independent test sites) between FL and a central deep learning model that requires all data to be shared for centralized training, demonstrating the potential of the proposed FedDropoutAvg model to be more generalizable than other state-of-the-art federated models. To the best of our knowledge, ours is the first study to effectively utilize the dropout strategy in a federated setting for tumor detection in histology images.
Collapse
Affiliation(s)
- Gozde N Gunesli
- The Tissue Image Analytics Centre, Department of Computer Science, University of Warwick, Coventry, UK.
| | - Mohsin Bilal
- The Tissue Image Analytics Centre, Department of Computer Science, University of Warwick, Coventry, UK
| | - Shan E Ahmed Raza
- The Tissue Image Analytics Centre, Department of Computer Science, University of Warwick, Coventry, UK
| | - Nasir M Rajpoot
- The Tissue Image Analytics Centre, Department of Computer Science, University of Warwick, Coventry, UK.
| |
Collapse
|
43
|
Khajehali N, Yan J, Chow YW, Fahmideh M. A Comprehensive Overview of IoT-Based Federated Learning: Focusing on Client Selection Methods. SENSORS (BASEL, SWITZERLAND) 2023; 23:7235. [PMID: 37631771 PMCID: PMC10459674 DOI: 10.3390/s23167235] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 06/15/2023] [Revised: 08/12/2023] [Accepted: 08/14/2023] [Indexed: 08/27/2023]
Abstract
The integration of the Internet of Things (IoT) with machine learning (ML) is revolutionizing how services and applications impact our daily lives. In traditional ML methods, data are collected and processed centrally. However, modern IoT networks face challenges in implementing this approach due to their vast amount of data and privacy concerns. To overcome these issues, federated learning (FL) has emerged as a solution. FL allows ML methods to achieve collaborative training by transferring model parameters instead of client data. One of the significant challenges of federated learning is that IoT devices as clients usually have different computation and communication capacities in a dynamic environment. At the same time, their network availability is unstable, and their data quality varies. To achieve high-quality federated learning and handle these challenges, designing the proper client selection process and methods are essential, which involves selecting suitable clients from the candidates. This study presents a comprehensive systematic literature review (SLR) that focuses on the challenges of client selection (CS) in the context of federated learning (FL). The objective of this SLR is to facilitate future research and development of CS methods in FL. Additionally, a detailed and in-depth overview of the CS process is provided, encompassing its abstract implementation and essential characteristics. This comprehensive presentation enables the application of CS in diverse domains. Furthermore, various CS methods are thoroughly categorized and explained based on their key characteristics and their ability to address specific challenges. This categorization offers valuable insights into the current state of the literature while also providing a roadmap for prospective investigations in this area of research.
Collapse
Affiliation(s)
- Naghmeh Khajehali
- School of Computing and Information Technology, University of Wollongong, Wollongong, NSW 2522, Australia; (J.Y.); (Y.-W.C.)
| | - Jun Yan
- School of Computing and Information Technology, University of Wollongong, Wollongong, NSW 2522, Australia; (J.Y.); (Y.-W.C.)
| | - Yang-Wai Chow
- School of Computing and Information Technology, University of Wollongong, Wollongong, NSW 2522, Australia; (J.Y.); (Y.-W.C.)
| | - Mahdi Fahmideh
- School of Business, University of Southern Queensland (USQ), Brisbane, QLD 4350, Australia;
| |
Collapse
|
44
|
Che L, Wang J, Zhou Y, Ma F. Multimodal Federated Learning: A Survey. SENSORS (BASEL, SWITZERLAND) 2023; 23:6986. [PMID: 37571768 PMCID: PMC10422520 DOI: 10.3390/s23156986] [Citation(s) in RCA: 3] [Impact Index Per Article: 1.5] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Received: 07/14/2023] [Revised: 08/03/2023] [Accepted: 08/04/2023] [Indexed: 08/13/2023]
Abstract
Federated learning (FL), which provides a collaborative training scheme for distributed data sources with privacy concerns, has become a burgeoning and attractive research area. Most existing FL studies focus on taking unimodal data, such as image and text, as the model input and resolving the heterogeneity challenge, i.e., the challenge of non-identical distribution (non-IID) caused by a data distribution imbalance related to data labels and data amount. In real-world applications, data are usually described by multiple modalities. However, to the best of our knowledge, only a handful of studies have been conducted to improve system performance utilizing multimodal data. In this survey paper, we identify the significance of this emerging research topic of multimodal federated learning (MFL) and present a literature review on the state-of-art MFL methods. Furthermore, we categorize multimodal federated learning into congruent and incongruent multimodal federated learning based on whether all clients possess the same modal combinations. We investigate the feasible application tasks and related benchmarks for MFL. Lastly, we summarize the promising directions and fundamental challenges in this field for future research.
Collapse
Affiliation(s)
- Liwei Che
- College of Information Sciences and Technology, Pennsylvania State University, University Park, PA 16802, USA; (L.C.); (J.W.)
| | - Jiaqi Wang
- College of Information Sciences and Technology, Pennsylvania State University, University Park, PA 16802, USA; (L.C.); (J.W.)
| | - Yao Zhou
- Instacart, San Francisco, CA 94105, USA
| | - Fenglong Ma
- College of Information Sciences and Technology, Pennsylvania State University, University Park, PA 16802, USA; (L.C.); (J.W.)
| |
Collapse
|
45
|
Hosseini SM, Sikaroudi M, Babaie M, Tizhoosh HR. Proportionally Fair Hospital Collaborations in Federated Learning of Histopathology Images. IEEE TRANSACTIONS ON MEDICAL IMAGING 2023; 42:1982-1995. [PMID: 37018335 DOI: 10.1109/tmi.2023.3234450] [Citation(s) in RCA: 9] [Impact Index Per Article: 4.5] [Reference Citation Analysis] [Abstract] [MESH Headings] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/19/2023]
Abstract
Medical centers and healthcare providers have concerns and hence restrictions around sharing data with external collaborators. Federated learning, as a privacy-preserving method, involves learning a site-independent model without having direct access to patient-sensitive data in a distributed collaborative fashion. The federated approach relies on decentralized data distribution from various hospitals and clinics. The collaboratively learned global model is supposed to have acceptable performance for the individual sites. However, existing methods focus on minimizing the average of the aggregated loss functions, leading to a biased model that performs perfectly for some hospitals while exhibiting undesirable performance for other sites. In this paper, we improve model "fairness" among participating hospitals by proposing a novel federated learning scheme called Proportionally Fair Federated Learning, short Prop-FFL. Prop-FFL is based on a novel optimization objective function to decrease the performance variations among participating hospitals. This function encourages a fair model, providing us with more uniform performance across participating hospitals. We validate the proposed Prop-FFL on two histopathology datasets as well as two general datasets to shed light on its inherent capabilities. The experimental results suggest promising performance in terms of learning speed, accuracy, and fairness.
Collapse
|
46
|
Firdaus M, Noh S, Qian Z, Larasati HT, Rhee KH. Personalized federated learning for heterogeneous data: A distributed edge clustering approach. MATHEMATICAL BIOSCIENCES AND ENGINEERING : MBE 2023; 20:10725-10740. [PMID: 37322957 DOI: 10.3934/mbe.2023475] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Subscribe] [Scholar Register] [Indexed: 06/17/2023]
Abstract
Federated learning (FL) is a distributed machine learning technique that allows multiple devices (e.g., smartphones and IoT devices) to collaborate in the training of a shared model with each device preserving the privacy of its local data. However, the highly heterogeneous distribution of data among clients in FL can result in poor convergence. In addressing this issue, the concept of personalized federated learning (PFL) has emerged. PFL aims to tackle the effects of non-independent and identically distributed data and statistical heterogeneity and to achieve personalized models with rapid model convergence. One approach is clustering-based PFL, which utilizes group-level client relationships to achieve personalization. However, this method still relies on a centralized approach, whereby the server coordinates all processes. To address these shortcomings, this study introduces a blockchain-enabled distributed edge cluster for PFL (BPFL) that combines the benefits of blockchain and edge computing. Blockchain technology can be used to enhance client privacy and security by recording transactions on immutable distributed ledger networks, thereby improving client selection and clustering. The edge computing system offers reliable storage and computation such that computational processing is locally performed in the edge infrastructure to be closer to clients. Thus, the real-time services and low-latency communication of PFL are improved. However, further work is required to develop a representative dataset for the examination of related types of attacks and defenses for a robust BPFL protocol.
Collapse
Affiliation(s)
- Muhammad Firdaus
- Department of Artificial Intelligence Convergence, Pukyong National University, Busan 48513, Republic of Korea
| | - Siwan Noh
- Department of Information Security, Pukyong National University, Busan 48513, Republic of Korea
| | - Zhuohao Qian
- Department of Information Security, Pukyong National University, Busan 48513, Republic of Korea
| | - Harashta Tatimma Larasati
- School of Electrical Engineering and Informatics, Institut Teknologi Bandung, Bandung 40132, Indonesia
| | - Kyung-Hyune Rhee
- College of Information Technology and Convergence, Division of Computer Engineering and AI, Pukyong National University, Busan 48513, Republic of Korea
| |
Collapse
|
47
|
Mishra A, Saha S, Mishra S, Bagade P. A federated learning approach for smart healthcare systems. CSI TRANSACTIONS ON ICT 2023; 11:39-44. [PMCID: PMC10107558 DOI: 10.1007/s40012-023-00382-1] [Citation(s) in RCA: 1] [Impact Index Per Article: 0.5] [Reference Citation Analysis] [Track Full Text] [Subscribe] [Scholar Register] [Received: 12/24/2022] [Accepted: 03/07/2023] [Indexed: 11/08/2023]
|
48
|
Sirohi D, Kumar N, Rana PS, Tanwar S, Iqbal R, Hijjii M. Federated learning for 6G-enabled secure communication systems: a comprehensive survey. Artif Intell Rev 2023; 56:1-93. [PMID: 37362891 PMCID: PMC10008151 DOI: 10.1007/s10462-023-10417-3] [Citation(s) in RCA: 0] [Impact Index Per Article: 0] [Reference Citation Analysis] [Abstract] [Key Words] [Track Full Text] [Journal Information] [Subscribe] [Scholar Register] [Accepted: 01/31/2023] [Indexed: 03/14/2023]
Abstract
Machine learning (ML) and Deep learning (DL) models are popular in many areas, from business, medicine, industries, healthcare, transportation, smart cities, and many more. However, the conventional centralized training techniques may not apply to upcoming distributed applications, which require high accuracy and quick response time. It is mainly due to limited storage and performance bottleneck problems on the centralized servers during the execution of various ML and DL-based models. However, federated learning (FL) is a developing approach to training ML models in a collaborative and distributed manner. It allows the full potential exploitation of these models with unlimited data and distributed computing power. In FL, edge computing devices collaborate to train a global model on their private data and computational power without sharing their private data on the network, thereby offering privacy preservation by default. But the distributed nature of FL faces various challenges related to data heterogeneity, client mobility, scalability, and seamless data aggregation. Moreover, the communication channels, clients, and central servers are also vulnerable to attacks which may give various security threats. Thus, a structured vulnerability and risk assessment are needed to deploy FL successfully in real-life scenarios. Furthermore, the scope of FL is expanding in terms of its application areas, with each area facing different threats. In this paper, we analyze various vulnerabilities present in the FL environment and design a literature survey of possible threats from the perspective of different application areas. Also, we review the most recent defensive algorithms and strategies used to guard against security and privacy threats in those areas. For a systematic coverage of the topic, we considered various applications under four main categories: space, air, ground, and underwater communications. We also compared the proposed methodologies regarding the underlying approach, base model, datasets, evaluation matrices, and achievements. Lastly, various approaches' future directions and existing drawbacks are discussed in detail.
Collapse
Affiliation(s)
- Deepika Sirohi
- Department of Computer Science and Engineering, Thapar Institute of Engineering and Technology, Patiala, Punjab India
| | - Neeraj Kumar
- Department of Computer Science and Engineering, Thapar Institute of Engineering and Technology, Patiala, Punjab India
- Department of Electrical and Computer Engineering, Lebanese American University, Beirut, Lebanon
- Faculty of Computing and IT, King Abdulaziz University, Jeddah, Saudi Arabia
- Department of Computer Science and Engineering, University of Petroleum and Energy Studies, Dehradun, 248001, India
| | - Prashant Singh Rana
- Department of Computer Science and Engineering, Thapar Institute of Engineering and Technology, Patiala, Punjab India
| | - Sudeep Tanwar
- Department of Computer Science and Engineering, Institute of Technology, Nirma University, Ahmedabad, Gujarat India
| | | | - Mohammad Hijjii
- Computer Science Department, Faculty of Computers & Information Technology, University of Tabuk, Tabuk, Saudi Arabia
| |
Collapse
|
49
|
Rajendran S, Xu Z, Pan W, Ghosh A, Wang F. Data heterogeneity in federated learning with Electronic Health Records: Case studies of risk prediction for acute kidney injury and sepsis diseases in critical care. PLOS DIGITAL HEALTH 2023; 2:e0000117. [PMID: 36920974 PMCID: PMC10016691 DOI: 10.1371/journal.pdig.0000117] [Citation(s) in RCA: 3] [Impact Index Per Article: 1.5] [Reference Citation Analysis] [Abstract] [Grants] [Track Full Text] [Subscribe] [Scholar Register] [Received: 09/01/2022] [Accepted: 02/10/2023] [Indexed: 03/16/2023]
Abstract
With the wider availability of healthcare data such as Electronic Health Records (EHR), more and more data-driven based approaches have been proposed to improve the quality-of-care delivery. Predictive modeling, which aims at building computational models for predicting clinical risk, is a popular research topic in healthcare analytics. However, concerns about privacy of healthcare data may hinder the development of effective predictive models that are generalizable because this often requires rich diverse data from multiple clinical institutions. Recently, federated learning (FL) has demonstrated promise in addressing this concern. However, data heterogeneity from different local participating sites may affect prediction performance of federated models. Due to acute kidney injury (AKI) and sepsis' high prevalence among patients admitted to intensive care units (ICU), the early prediction of these conditions based on AI is an important topic in critical care medicine. In this study, we take AKI and sepsis onset risk prediction in ICU as two examples to explore the impact of data heterogeneity in the FL framework as well as compare performances across frameworks. We built predictive models based on local, pooled, and FL frameworks using EHR data across multiple hospitals. The local framework only used data from each site itself. The pooled framework combined data from all sites. In the FL framework, each local site did not have access to other sites' data. A model was updated locally, and its parameters were shared to a central aggregator, which was used to update the federated model's parameters and then subsequently, shared with each site. We found models built within a FL framework outperformed local counterparts. Then, we analyzed variable importance discrepancies across sites and frameworks. Finally, we explored potential sources of the heterogeneity within the EHR data. The different distributions of demographic profiles, medication use, and site information contributed to data heterogeneity.
Collapse
Affiliation(s)
- Suraj Rajendran
- Tri-Institutional Computational Biology & Medicine Program, Cornell University, New York, New York, United States of America
| | - Zhenxing Xu
- Division of Health Informatics, Department of Population Health Sciences, Weill Cornell Medicine, New York, New York, United States of America
| | - Weishen Pan
- Division of Health Informatics, Department of Population Health Sciences, Weill Cornell Medicine, New York, New York, United States of America
| | - Arnab Ghosh
- Departments of Medicine, Weill Cornell Medical College, Cornell University, New York, New York, United States of America
| | - Fei Wang
- Division of Health Informatics, Department of Population Health Sciences, Weill Cornell Medicine, New York, New York, United States of America
| |
Collapse
|
50
|
Wen J, Zhang Z, Lan Y, Cui Z, Cai J, Zhang W. A survey on federated learning: challenges and applications. INT J MACH LEARN CYB 2023; 14:513-535. [PMID: 36407495 PMCID: PMC9650178 DOI: 10.1007/s13042-022-01647-y] [Citation(s) in RCA: 9] [Impact Index Per Article: 4.5] [Reference Citation Analysis] [Abstract] [Key Words] [Grants] [Track Full Text] [Figures] [Journal Information] [Subscribe] [Scholar Register] [Received: 05/16/2022] [Accepted: 08/29/2022] [Indexed: 11/13/2022]
Abstract
Federated learning (FL) is a secure distributed machine learning paradigm that addresses the issue of data silos in building a joint model. Its unique distributed training mode and the advantages of security aggregation mechanism are very suitable for various practical applications with strict privacy requirements. However, with the deployment of FL mode into practical application, some bottlenecks appear in the FL training process, which affects the performance and efficiency of the FL model in practical applications. Therefore, more researchers have paid attention to the challenges of FL and sought for various effective research methods to solve these current bottlenecks. And various research achievements of FL have been made to promote the intelligent development of all application areas with privacy restriction. This paper systematically introduces the current researches in FL from five aspects: the basics knowledge of FL, privacy and security protection mechanisms in FL, communication overhead challenges and heterogeneity problems of FL. Furthermore, we make a comprehensive summary of the research in practical applications and prospect the future research directions of FL.
Collapse
Affiliation(s)
- Jie Wen
- School of Electronic Information Engineering, Taiyuan University of Science and Technology, Taiyuan, China
| | - Zhixia Zhang
- School of Electronic Information Engineering, Taiyuan University of Science and Technology, Taiyuan, China
| | - Yang Lan
- School of Computer Science and Technology, Taiyuan University of Science and Technology, Taiyuan, China
| | - Zhihua Cui
- School of Computer Science and Technology, Taiyuan University of Science and Technology, Taiyuan, China
| | - Jianghui Cai
- School of Computer Science and Technology, Taiyuan University of Science and Technology, Taiyuan, China
| | - Wensheng Zhang
- The State Key Laboratory of Intelligent Control and Management of Complex Systems, Institute of Automation Chinese Academy of Sciences, Beijing, China
| |
Collapse
|