Preprint
Review

This version is not peer-reviewed.

Toward Real-World Deployment of Federated Learning in Healthcare: A Comprehensive Review of Hybrid Models and Data Simulation Tools

Submitted:

18 August 2025

Posted:

18 August 2025

You are already at the latest version

Abstract
This review synthesizes recent advancements in federated learning (FL) frameworks tailored for sensitive domains such as mental healthcare, medical imaging, and non-IID data simulation. Some past study presents a hybrid privacy-preserving FL model that integrates clustered federated learning (CFL) and quantum federated learning (QFL) to enhance accuracy and privacy in stress detection using wearable devices. Other studies introduce FedArtML, a novel tool for generating controlled non-IID datasets, offering quantifiable metrics like Jensen–Shannon and Hellinger distances to assess data heterogeneity. Furthermore, some of the latest paper proposes a transfer learning-based FL architecture for breast cancer classification using mammography images, combining feature extraction with federated averaging to ensure privacy and robust diagnostic accuracy. Collectively, these works address key challenges in FL, including client heterogeneity, data imbalance, privacy preservation, and system performance. This review highlights the complementary strengths of hybrid architectures, synthetic data partitioning, and transfer learning in advancing real-world applications of federated learning in healthcare.
Keywords: 
;  

Introduction

Federated Learning (FL) has emerged as a groundbreaking machine learning paradigm [1,2,3,4] designed to train models collaboratively across decentralized devices or servers while ensuring data remains localized. This approach has revolutionized the way sensitive information, especially in healthcare and biomedical domains [5,6,7,8], is utilized for model training without compromising patient privacy. The traditional centralized learning paradigm involves aggregating data from diverse sources into a single location, which often leads to concerns around data breaches, legal compliance, and ethical responsibilities. FL, in contrast, offers a privacy-respecting alternative by transmitting model updates rather than raw data, ensuring sensitive information stays with the data owners. However, despite its theoretical advantages, FL faces significant challenges in practical implementation, including handling non-independent and identically distributed (non-IID) data, ensuring communication efficiency, achieving robust model convergence, and preserving privacy across heterogeneous systems. Recent advancements have introduced hybrid models [9,10] and supporting tools to address these gaps, as seen in the latest research efforts focusing on mental healthcare monitoring, controlled non-IID dataset generation, and federated transfer learning [11] for disease detection.
Some studies present a privacy-preserving hybrid FL framework [12,13,14,15,16,17] tailored for mental healthcare applications. This framework combines Clustered Federated Learning (CFL) and Quantum Federated Learning (QFL) [18,19,20] to enhance model accuracy, personalization, and data protection. CFL groups clients based on model update similarities using hierarchical clustering, reducing communication overhead while improving convergence speed. QFL, on the other hand, integrates a variational quantum classifier that leverages quantum computing principles for classification tasks. The novel angle encoding strategy used to map classical data into quantum states allows for high-dimensional data representation and improved classification accuracy. The framework is particularly suited for wearable-based stress detection scenarios, where sensitive physiological signals are processed at the edge using FL without centralizing data. The experimental results from the study demonstrate that both CFL and QFL significantly outperform conventional FL, particularly in terms of recall and precision, thereby offering practical solutions for real-world deployment in mental health monitoring systems. In parallel, some research effort [21,22,23,24] addresses one of the fundamental problems in federated settings—data heterogeneity or non-IID distribution across clients. Real-world federated datasets, especially in cross-silo applications such as hospital networks or distributed medical centers, are often imbalanced and non-uniform. This non-IID nature can lead to slow convergence, biased models, and degraded performance. The study introduces FedArtML, an open-source Python library [25,26,27,28,29] specifically designed to simulate and quantify non-IID data distributions for federated learning research. FedArtML employs advanced partitioning techniques such as Hist-Dirichlet [30,31,32,33] and Min-Size-Dirichlet and introduces heterogeneity quantification metrics like Jensen-Shannon Distance (JSD) and Hellinger Distance (HD). These metrics help evaluate the degree of distribution divergence among clients, allowing researchers to systematically test FL algorithms under controlled and replicable non-IID settings. The tool bridges the gap between theoretical algorithm development and real-world testing, enabling reproducibility and deeper understanding of FL dynamics in heterogeneous environments.
Other research papers [34,35,36,37] reviewed contributes to the growing body of FL research in medical imaging, particularly focusing on breast cancer classification. This study proposes a transfer learning-enhanced FL architecture where feature extraction is performed locally using pre-trained deep learning models such as MobileNet and CNNs [38,39,40]. The proposed model architecture is evaluated on mammography images from the DDSM dataset [41] and incorporates SMOTE (Synthetic Minority Oversampling Technique) to address class imbalance. The key advantage of the approach lies in its ability to leverage learned representations from large-scale datasets, enabling faster convergence and higher classification accuracy even in limited local data settings. The federated averaging (FedAvg) algorithm is utilized to aggregate the local model updates into a global model, which is then iteratively refined across multiple communication rounds. The experimental results [42,43,44,45] show significant improvements in recall and F1-score, demonstrating that FL, when coupled with transfer learning and data augmentation strategies, is a viable solution for privacy-sensitive medical image analysis. Taken together, these studies represent a coherent evolution in the application of federated learning technologies for healthcare. While each paper targets a specific limitation—privacy preservation, data heterogeneity, or small-data learning—they collectively build toward a comprehensive and scalable FL ecosystem. The integration of hybrid models (classical and quantum), synthetic data generation frameworks, and domain-specific enhancements like transfer learning exemplifies the multi-faceted innovation required to bring FL from theory to practice. Furthermore, these advancements reflect a broader shift in artificial intelligence [46] toward ethically aligned and human-centered computing, where technological capabilities are developed in parallel with safeguards for privacy, fairness, and accountability. This review aims to consolidate the key findings from these papers, compare their methodologies, and examine their applicability across various domains of healthcare. It will explore the architectural innovations, algorithmic adaptations, and experimental outcomes that distinguish each approach while identifying common themes and future opportunities. By analyzing these diverse yet interrelated contributions, the review offers a comprehensive outlook on the state of federated learning in critical applications [47], with particular attention to its role in enabling secure, decentralized, and intelligent health systems.

Methodologies

The methodologies employed across many reviewed research papers reflect a spectrum of innovative strategies tailored to overcome key limitations of federated learning (FL), especially in privacy-sensitive and heterogeneous environments. These methodologies span hybrid architectures that fuse classical and quantum approaches, dataset partitioning techniques for simulating non-IID data, and transfer learning mechanisms within FL pipelines. Each paper introduces a distinct methodological framework, designed with specific domain constraints in mind—mental healthcare, federated dataset simulation, and breast cancer diagnosis. Despite the varied contexts, all these works emphasize model personalization, decentralized training, and data privacy as central pillars of their methodological contributions. In the study focused on mental healthcare, the authors proposed a Hybrid Federated Learning (HFL) framework that consists of two core components: Clustered Federated Learning (CFL) and Quantum Federated Learning (QFL). The CFL approach segments clients based on the similarity of their local model weight updates. To do this, hierarchical agglomerative clustering is applied to the gradients shared during federated training. Clients that exhibit similar learning behaviors are grouped into clusters, and separate models are trained for each group. This hierarchical clustering ensures that model personalization is achieved without compromising the federated nature of the system. The clustering is performed using Euclidean or Manhattan distance metrics on the client gradient space, followed by average-linkage to determine cluster hierarchy. Once clustered, each group undergoes a localized FL process using the Federated Averaging (FedAvg) algorithm, resulting in cluster-specific models. These models are finally aggregated using a weighted strategy to produce a generalized global model. The QFL component of the same study incorporates quantum machine learning techniques, specifically employing a Variational Quantum Classifier (VQC). In this method, classical data is encoded into quantum states using angle encoding, where each data feature is mapped to the rotation angle of a qubit. The VQC architecture then utilizes a series of parameterized quantum gates and entangling layers to perform classification in the quantum domain. During training, quantum gradients are computed using the parameter-shift rule, and a classical optimizer such as Adam is employed to update circuit parameters. The quantum classifier is trained locally on each client’s dataset and the updated quantum parameters are shared with the server for federated aggregation. This approach is particularly suitable for stress detection from physiological signals collected by wearable devices, where high-dimensionality and privacy concerns demand both expressive power and decentralized computation. The authors validated their framework using both IID and non-IID data settings and demonstrated superior performance in recall and precision compared to conventional FL.
In some research studies [48,49], the primary methodological focus is the design and implementation of FedArtML, a simulation toolkit that enables controlled generation of non-IID federated datasets. The tool provides two novel partitioning algorithms: Hist-Dirichlet and Min-Size-Dirichlet, both of which use Dirichlet distributions to allocate data heterogeneously across simulated clients. In the Hist-Dirichlet method, data is partitioned by considering histogram bins of feature distributions, allowing simulation of feature-skewed non-IIDness. The Min-Size-Dirichlet variant ensures that each client receives a minimum number of samples, addressing imbalanced data distributions. Beyond partitioning, the authors introduce two statistical metrics—Jensen-Shannon Distance (JSD) and Hellinger Distance (HD)—to quantify the level of heterogeneity between client data distributions. These metrics are computed on label and feature distributions and can be averaged across client pairs to give an overall non-IID score for a dataset. The FedArtML library also supports traditional label-skew and quantity-skew simulation. In the label-skew setting, classes are unevenly distributed across clients using Dirichlet-distributed label probabilities. For quantity-skew, the amount of data assigned to each client is varied using a separate Dirichlet distribution. Additionally, the tool integrates with existing FL frameworks and includes a visualization module that generates histograms, heatmaps, and distribution plots to help users assess data skewness. The authors validated the toolkit [50,51,52,53] by simulating ECG arrhythmia detection datasets from Physionet 2020 and demonstrated that datasets generated with FedArtML exhibited heterogeneity patterns closely aligned with those seen in real-world federated environments. The use of quantitative metrics ensures that FL models can be rigorously evaluated under well-defined non-IID conditions. In other papers [54,55], the methodological emphasis is placed on integrating Transfer Learning (TL) into FL for the classification of breast cancer mammography images. The proposed pipeline begins with a set of client devices (e.g., hospitals or radiology centers), each of which holds a small subset of mammogram images. A pre-trained convolutional neural network (CNN), such as MobileNet, is deployed on each client as a feature extractor. These networks are fine-tuned locally using the client’s data while freezing earlier layers to retain general features. Following local training, the updated model weights—typically the top dense layers—are transmitted to a central server. The server then uses Federated Averaging (FedAvg) to aggregate the weights across all participating clients and generates a global model. To address data imbalance, which is common in medical image datasets, the authors use the Synthetic Minority Over-sampling Technique (SMOTE) at the local level. This oversampling method [56] generates synthetic instances of minority class images by interpolating between existing samples. By applying SMOTE before each round of FL, clients ensure that the model is not biased toward the majority class. Furthermore, model evaluation is conducted using metrics such as accuracy, recall, precision, and F1-score, which are critical in medical diagnostics where false negatives can have severe consequences. The experimental setup involves multiple rounds of communication between clients and the server, simulating a real-world federated healthcare scenario. The resulting model [57,58] shows robust performance even under data heterogeneity, validating the effectiveness of combining TL and FL.
Collectively, the methodologies presented in these studies reveal a multi-dimensional approach to advancing FL. By integrating clustering algorithms, quantum computing, statistical simulation tools, and deep transfer learning [59,60], these frameworks offer solutions to some of the most pressing challenges in decentralized machine learning. Each method is tailored to its specific use case but contributes valuable components—such as metric-based heterogeneity analysis, quantum-enhanced classification, and domain-adapted feature reuse—that can be generalized across broader FL applications.

Comparative Analysis

The reviewed studies present diverse yet complementary approaches to addressing core challenges in federated learning (FL). These include privacy preservation, client data heterogeneity, limited local data availability, and performance degradation in non-IID settings. While each work proposes unique methodological solutions, a comparative analysis reveals underlying connections in design goals, architectural choices, and their potential to advance the deployment of FL in sensitive real-world domains such as healthcare. In this section, we analyze their contributions across several key dimensions: privacy and data locality, model personalization and performance, treatment of non-IID data, and adaptability to domain-specific challenges. Privacy and Data Locality form the cornerstone of all these works. The hybrid FL framework for mental healthcare stands out for its direct emphasis on privacy through its architecture. The authors propose both Clustered Federated Learning (CFL) and Quantum Federated Learning (QFL) as mechanisms to minimize data exchange while enhancing learning efficacy. CFL achieves this by grouping clients into clusters with similar training behavior, thereby reducing the breadth of model exchange and communication. QFL enhances privacy further by encoding data into quantum states and utilizing Variational Quantum Classifiers (VQCs), which inherently mask the original data. On the other hand, the transfer learning-based approach for breast cancer diagnosis ensures privacy by conducting all feature extraction locally on clients using pre-trained models, and only exchanging learned weights. Similarly, the FedArtML tool emphasizes privacy in the context of benchmarking by simulating non-IID distributions without using real patient data, thus serving as a privacy-conscious tool for algorithm development and testing. Model Personalization and Performance are addressed differently in each study. The hybrid framework leverages clustering to tailor models to similar clients, creating semi-personalized models that strike a balance between generalizability and specialization. This hierarchical aggregation enhances performance in data-heterogeneous environments. Additionally, QFL enables models to harness high-dimensional data structures through quantum encoding, yielding notable improvements in recall and classification accuracy. In contrast, the breast cancer study utilizes transfer learning, which allows clients to fine-tune a shared pre-trained model to their own data, offering inherent personalization. This method performs exceptionally well in domains like medical imaging, where annotated data is scarce but visual patterns are transferable. FedArtML does not propose a learning model per se but instead focuses on quantifying the effects of different levels of personalization and heterogeneity. Its utility lies in its ability to generate benchmark datasets that allow other researchers to rigorously test personalization strategies across varying data distributions.
When analyzing the treatment of non-IID data, each paper introduces a specialized strategy. The FedArtML framework is the most explicit and systematic, providing metric-based tools (e.g., Jensen-Shannon Distance and Hellinger Distance) to measure the extent of non-IID-ness. By simulating feature, label, and quantity skew using Dirichlet-based distributions, FedArtML allows for controlled experimentation that is difficult to achieve with real-world datasets. The hybrid FL study indirectly addresses non-IID challenges by clustering clients with similar update patterns, thus mitigating the negative impact of client diversity on global convergence. Meanwhile, the breast cancer FL study copes with non-IID settings by using transfer learning to inherit general features from a global model while allowing clients to adapt to their unique data. Though not as explicitly controlled as FedArtML, this method performs robustly in low-data, high-variance environments typical of distributed medical datasets.
A comparison of computational complexity and scalability reveals trade-offs. The hybrid approach, particularly with QFL, introduces higher complexity due to the need for quantum hardware or quantum simulators. While this offers performance benefits, it limits scalability in current practical deployments. CFL also introduces an additional clustering step, increasing computational overhead at the server. In contrast, the transfer learning approach is relatively lightweight. It reuses pre-trained models and requires only partial fine-tuning, making it more scalable across resource-constrained healthcare institutions. FedArtML, being a simulation and benchmarking tool, scales efficiently and is highly adaptable across domains, although it does not directly contribute to performance improvements in active FL deployments. Finally, in terms of domain adaptability and experimental validation, all studies provide strong real-world relevance. The hybrid FL model targets wearable-based stress detection in mental healthcare, an area with growing demand and privacy sensitivity. The breast cancer diagnosis study applies FL in medical imaging, a critical domain where annotated data is both private and scarce. FedArtML, while not specific to one domain, enables reproducibility and controlled experimentation, which is crucial for validating FL algorithms in any application area. Notably, all our reviewedpapers use publicly available datasets (e.g., Physionet for ECG data, DDSM for mammograms) and follow transparent experimental procedures, increasing the credibility and generalizability of their findings. In summary, these studies are not competitive but rather complementary. The hybrid model pushes the boundaries of privacy and algorithmic innovation through clustering and quantum computation. The transfer learning FL approach emphasizes lightweight, practical deployment in data-scarce settings. FedArtML fills a critical infrastructure gap by enabling rigorous, reproducible testing in non-IID settings. Together, they form a robust foundation for the next generation of federated learning systems, especially in healthcare applications that demand personalization, privacy, and reliability.

Discussion

The confluence of methodologies and insights presented in the reviewed studies demonstrates the rapidly evolving landscape of federated learning (FL) research, particularly in high-stakes and privacy-sensitive domains such as healthcare. One of the most significant takeaways is the realization that FL is no longer a monolithic solution; rather, it is being refined and adapted through hybrid architectures, simulation tools, and domain-specific integrations to meet real-world requirements. This evolution reflects the need for FL systems that not only protect privacy but also ensure high model performance in the face of data heterogeneity, limited local data availability, and computational constraints. The reviewed works serve as exemplars of this trend, each addressing critical challenges with innovative yet complementary strategies. The hybrid FL framework for mental healthcare is particularly noteworthy for its layered approach. By integrating clustering and quantum computing, the authors demonstrate that it is possible to overcome some of FL’s longstanding limitations, such as poor convergence on non-IID data and insufficient personalization. The success of Clustered Federated Learning (CFL) lies in its ability to reduce the negative influence of outlier clients during aggregation, while Quantum Federated Learning (QFL) introduces a forward-looking perspective by exploring quantum-enhanced classification. However, the implementation of QFL in real-world settings remains limited due to the current maturity of quantum hardware. Therefore, while promising, this approach may find initial applications in research settings or in hybrid systems where quantum simulators are used alongside classical computation.
The FedArtML tool, while not a learning model, addresses a foundational problem in FL research—how to simulate and measure heterogeneity in data distributions. The introduction of statistical metrics such as Jensen-Shannon Distance and Hellinger Distance is a crucial contribution, offering researchers a way to quantify and systematically evaluate non-IID effects across different FL algorithms. This enhances the rigor and reproducibility of FL studies and helps isolate the effects of skew types (label, feature, quantity) on model performance. More importantly, by supporting controlled experimentation, FedArtML serves as a bridge between theoretical FL research and practical implementation, making it a valuable asset for algorithm benchmarking and validation. Meanwhile, the transfer learning-based FL framework for breast cancer classification illustrates the practicality of FL when adapted with lightweight, domain-appropriate strategies. By leveraging pre-trained models for local feature extraction, this approach effectively circumvents the issue of small datasets at each client node. The use of SMOTE to address class imbalance further boosts model robustness, highlighting the importance of integrating classic machine learning techniques into FL pipelines. This study showcases the viability of FL in medical imaging scenarios where data cannot be centralized due to privacy regulations or logistical limitations. Despite their differences, all research studies converge on a few key themes: the importance of personalization, the need for tools that simulate real-world heterogeneity, and the value of interdisciplinary integration—be it through quantum computing or transfer learning. Together, they provide a comprehensive picture of the current state and potential of federated learning, illustrating how diverse innovations are paving the way for FL systems that are both secure and performant.

Conclusions

In Federated Learning (FL) represents a transformative approach in machine learning, enabling collaborative model training while maintaining data privacy and security across decentralized environments. This review examined many impactful studies that advance the state of FL through innovations in hybrid architectures, data heterogeneity simulation, and domain-specific model adaptations. Collectively, these studies illuminate the multifaceted challenges and opportunities in deploying FL for sensitive applications such as mental healthcare monitoring, synthetic data generation for FL benchmarking, and breast cancer detection using medical imaging. Each work contributes unique solutions, yet their synergy paints a coherent roadmap for the evolution of federated learning from theoretical concept to practical reality. The hybrid FL framework integrating Clustered Federated Learning (CFL) and Quantum Federated Learning (QFL) demonstrates that privacy-preserving and high-accuracy models can be developed even in highly heterogeneous environments. CFL provides a pathway to address personalization by clustering clients with similar training dynamics, which not only improves convergence but also reduces communication overhead. QFL, though still in the experimental phase due to hardware limitations, presents a promising frontier for enhancing FL with quantum computational advantages, particularly in handling high-dimensional physiological data from wearable devices. This combination represents a forward-thinking strategy that blends classical robustness with quantum potential, setting a benchmark for privacy-aware learning in mental health applications. On the other hand, the FedArtML tool addresses a fundamental bottleneck in FL research—the lack of publicly available federated datasets that accurately reflect real-world non-IID distributions. By offering a flexible and open-source solution to simulate various types of data skew (label, feature, and quantity), and introducing quantifiable metrics like Jensen–Shannon Distance and Hellinger Distance, FedArtML empowers researchers to evaluate the robustness and fairness of FL algorithms systematically. Its value extends beyond simulation; it standardizes the benchmarking process and enables reproducibility, making it an essential tool for both academic research and industrial prototyping. The third study, focused on breast cancer classification using transfer learning in FL, exemplifies how pre-trained deep learning models can be effectively integrated into FL pipelines to compensate for limited local data and computational resources. By utilizing transfer learning at the client level, the approach reduces the need for large-scale data while retaining high diagnostic accuracy. The use of SMOTE for addressing class imbalance further strengthens model generalization. This method is especially relevant in medical imaging, where high-quality annotated data is scarce, and data-sharing regulations are stringent. It underscores the importance of adapting FL to domain-specific constraints while leveraging advances in deep learning. Taken together, these studies reinforce the notion that federated learning is not a one-size-fits-all solution but a customizable paradigm that must be tailored to specific applications, data structures, and system constraints. The convergence of methodologies—quantum computing, synthetic benchmarking, and transfer learning—illustrates a growing trend toward interdisciplinary solutions in FL. This integrative approach enhances not only the performance of federated models but also their ethical alignment with privacy and fairness standards, which are crucial in sectors like healthcare.
Looking ahead, several future research directions emerge from this review. First, there is a need to further explore the practical deployment of quantum-enhanced FL, particularly in low-resource or embedded systems. The scalability and stability of QFL algorithms remain an open area of investigation, especially in terms of real-time inference and integration with classical models. Second, while tools like FedArtML offer excellent simulation capabilities, future iterations could incorporate dynamic non-IID behaviors, such as time-varying client distributions or concept drift, to reflect more realistic deployment scenarios. Enhancing the toolkit to support spatiotemporal heterogeneity would enable researchers to study the long-term adaptability of FL systems. Third, transfer learning in FL could be extended to multimodal and cross-domain datasets, allowing models to generalize across institutions or even across different types of diagnostic imaging. Coupling FL with explainable AI (XAI) techniques could also provide interpretability to clinical stakeholders, improving trust and adoption in medical settings. Additionally, regulatory and ethical considerations must continue to guide FL development, particularly in how data anonymization, consent, and fairness are enforced across federated networks. In conclusion, the reviewed works collectively reflect the maturity and dynamism of current federated learning research. Through novel architectures, rigorous simulation tools, and practical medical applications, these studies pave the way for secure, efficient, and adaptive FL systems. As the field continues to evolve, future research should aim to bridge the gap between experimentation and deployment, ensuring that FL not only protects data privacy but also delivers equitable, accurate, and explainable outcomes across a wide range of domains.

References

  1. (2021). Breast Cancer Now Most Common Form of Cancer: WHO Taking Action. Accessed: Feb. 3, 2021. [Online]. Available: https://www.who.int.
  2. Z. Wang, M. Li, H. Wang, H. Jiang, Y. Yao, H. Zhang, and J. Xin, “Breast cancer detection using extreme learning machine based on feature fusion with CNN deep features,” IEEE Access, vol. 7, pp. 105146–105158, 2019. [CrossRef]
  3. D. Levy and A. Jain, “Breast mass classification from mammograms using deep convolutional neural networks,” 2016, arXiv:1612.00542.
  4. B. McMahan, E. Moore, D. Ramage, S. Hampson, and B. A. Arcas, “Communication-efficient learning of deep networks from decentralized data,” in Proc. 20th Int. Conf. Artif. Intell. Statist., vol. 54, 2017, pp. 1273–1282.
  5. X. Li, M. Jiang, X. Zhang, M. Kang, and Q. Dou, “FedBN: Federated learning on non-IID features via local batch normalization,” 2021, arXiv:2102.07623.
  6. Q. Li et al., “A survey on federated learning systems: Vision, hype and reality for data privacy and protection,” IEEE Trans. Knowl. Data Eng., vol. 35, no. 4, pp. 3347–3366, Apr. 2023. [CrossRef]
  7. Aung, K.H.H.; Kok, C.L.; Koh, Y.Y.; Teo, T.H. An Embedded Machine Learning Fault Detection System for Electric Fan Drive. Electronics 2024, 13, 493. [CrossRef]
  8. H.-J. Chiu, T.-H.-S. Li, and P.-H. Kuo, “Breast cancer-detection system using PCA, multilayer perceptron, transfer learning, and support vector machine,” IEEE Access, vol. 8, pp. 204309–204324, 2020.
  9. T. A. Khoa, D.-V. Nguyen, M.-S. Dao, and K. Zettsu, "SplitDyn: Federated split neural network for distributed edge AI applications," in Proc. IEEE Int. Conf. Big Data (Big Data), Osaka, Japan, Dec. 2022, pp. 6066-6073.
  10. Z. Wang, Q. Liu, and Q. Dou, "Contrastive cross-site learning with redesigned ndr for COVID-19 CT classification," IEEE J. Biomed. Health Informat., vol. 24, no. 10, pp. 2806-2813, Oct. 2020. [CrossRef]
  11. N. Khalid, A. Qayyum, M. Bilal, A. Al-Fuqaha, and J. Qadir, “Privacy-preserving artificial intelligence in healthcare: Techniques and applications,” Comput. Biol. Med., vol. 158, May 2023, Art. no. 106848. [CrossRef]
  12. C. Krittanawong, “The rise of artificial intelligence and the uncertain future for physicians,” Eur. J. Internal Med., vol. 48, pp. e13-e14, Feb. 2018. [CrossRef]
  13. I. Kapelyukh, V. Vosylius, and E. Johns, “DALL-E-bot: Introducing web-scale diffusion models to robotics,” IEEE Robot. Autom. Lett., vol. 8, no. 7, pp. 3956–3963, Jul. 2023. [CrossRef]
  14. M. Al Zaabi and S. M. Alhashmi, “Big data security and privacy in healthcare: A systematic review and future research directions,” Inf. Develop., Apr. 2024, Art. no. 0266669241247781. [CrossRef]
  15. H. P. Josyula, L. T. Reddi, S. Prante, and A. Rajagopal, “A review on security and privacy considerations in programmable payments,” Int. J. Intell. Syst. Appl. Eng., vol. 12, no. 9, pp. 256–263, 2024.
  16. R. N. Asif, A. Ditta, H. Alquhaya, S. Abbas, M. A. Khan, T. M. Ghazal, and S.-W. Lee, “Detecting electrocardiogram arrhythmia empowered with weighted federated learning,” IEEE Access, vol. 12, pp. 1909–1926, 2024. [CrossRef]
  17. J. Wen, Z. Zhang, Y. Lan, Z. Cui, J. Cai, and W. Zhang, “A survey on federated learning: Challenges and applications,” Int. J. Mach. Learn. Cybern., vol. 14, no. 2, pp. 513–535, Feb. 2023. [CrossRef]
  18. C. L. Kok, X. Li, L. Siek, D. Zhu and J. J. Kong, "A switched capacitor deadtime controller for DC-DC buck converter," 2015 IEEE International Symposium on Circuits and Systems (ISCAS), Lisbon, Portugal, 2015, pp. 217-220. [CrossRef]
  19. M. Ye, X. Fang, B. Du, P. C. Yuen, and D. Tao, “Heterogeneous federated learning: State-of-the-art and research challenges,” ACM Comput. Surv., vol. 56, no. 3, pp. 1–44, Mar. 2024. [CrossRef]
  20. T. Lin, L. Kong, S. U. Stich, and M. Jaggi, “Ensemble distillation for robust model fusion in federated learning,” in Proc. Adv. Neural Inf. Process. Syst., vol. 33, 2020, pp. 2351–2363.
  21. O. Li, Y. Diao, Q. Chen, and B. He, “Federated learning on non-IID data silos: An experimental study,” in Proc. IEEE 38th Int. Conf. Data Eng. (ICDE), May 2022, pp. 965–978.
  22. K. Hsieh, A. Phanishayee, O. Mutlu, and P. Gibbons, “The non-IID data quagmire of decentralized machine learning,” in Proc. Int. Conf. Mach. Learn., 2020, pp. 4387–4398.
  23. Z. Li, Y. Sun, J. Shao, Y. Mao, J. H. Wang, and J. Zhang, "Feature matching data synthesis for non-IID federated learning," IEEE Trans. Mobile Comput., pp. 1-16, Feb. 2024. [CrossRef]
  24. Y. Wang, Q. Shi, and T.-H. Chang, "Why batch normalization damage federated learning on non-IID data?" IEEE Trans. Neural Netw. Learn. Syst., pp. 1-5, Nov. 2024.
  25. X. Ma, J. Zhu, Z. Lin, S. Chen, and Y. Qin, "A state-of-the-art survey on solving non-IID data in federated learning," Future Gener. Comput. Syst., vol. 135, pp. 244–258, Oct. 2022. [CrossRef]
  26. D. Zeng, S. Liang, X. Hu, H. Wang, and Z. Xu, "FedLab: A flexible federated learning framework," J. Mach. Learn. Res., vol. 24, no. 100, pp. 1-7, 2023.
  27. F. Lai, Y. Dai, S. Singapuram, J. Liu, X. Zhu, H. Madhyashia, and M. Chowdhury, "FedScale: Benchmarking model and system performance of federated learning at scale," in Proc. Int. Conf. Mach. Learn., 2022, pp. 11814–11827.
  28. Kok, C.L.; Ho, C.K.; Chen, L.; Koh, Y.Y.; Tian, B. A Novel Predictive Modeling for Student Attrition Utilizing Machine Learning and Sustainable Big Data Analytics. Appl. Sci. 2024, 14, 9633. [CrossRef]
  29. T. Minka, "Estimating a Dirichlet distribution," Massachusetts Inst. Technol. (MIT), Cambridge, MA, USA, Tech. Rep. 1, 2000.
  30. S. Hong, W. Zhang, C. Sun, Y. Zhou, and H. Li, "Practical lessons on 12-lead ECG classification: Meta-analysis of methods from PhysioNet/computing in cardiology challenge 2020," Frontiers Physiol., vol. 12, Jan. 2022, Art. no. 811661. [CrossRef]
  31. M. Saeed, O. Martens, B. Larra, A. Frappel, D. John, and B. Cardiff, "ECG classification with event-driven sampling," IEEE Access, vol. 12, pp. 25188–25199, 2024. [CrossRef]
  32. M. R. Kiladze, U. A. Lyakhova, P. A. Lyakhov, N. N. Nagornov, and M. Vahabi, "Multimodal neural network for recognition of cardiac arrhythmias based on 12-load electrocardiogram signals," IEEE Access, vol. 11, pp. 133741–133754, 2023. [CrossRef]
  33. J. Zheng, D. Lin, Z. Gao, S. Wang, M. He, and J. Fan, “Deep learning assisted efficient AdaBoost algorithm for breast cancer detection and early diagnosis,” IEEE Access, vol. 8, pp. 96946–96954, 2020. [CrossRef]
  34. N. Mobark, S. Hamad, and S. Z. Rida, “ConvNet: Deep neural network-based end-to-end training for breast cancer diagnosis,” Appl. Sci., vol. 12, no. 14, p. 7080, Jul. 2022. [CrossRef]
  35. X. Peng, Z. Huang, Y. Zhu, and K. Saenko, “Federated adversarial domain adaptation,” 2019, arXiv:1911.02054.
  36. Q. Wu, X. Chen, Z. Zhou, and J. Zhang, “FedHome: Cloud-edge based personalized federated learning for in-home health monitoring,” IEEE Trans. Mobile Comput., vol. 21, no. 8, pp. 2818–2832, Aug. 2022. [CrossRef]
  37. A. Saber, M. Sakr, O. M. Abo-Seida, A. Kesht, and H. Chen, “A novel deep-learning model for automatic detection and classification of breast cancer using the transfer-learning technique,” IEEE Access, vol. 9, pp. 71194–71209, 2021. [CrossRef]
  38. R. Singh, T. Ahmed, A. Kumar, A. K. Singh, A. K. Pandey, and S. K. Singh, “Imbalanced breast cancer classification using transfer learning,” IEEE/ACM Trans. Comput. Biol. Bioinf., vol. 18, no. 1, pp. 83–93, Jan. 2021. [CrossRef]
  39. Kok, C.L.; Ho, C.K.; Teo, T.H.; Kato, K.; Koh, Y.Y. A Novel Implementation of a Social Robot for Sustainable Human Engagement in Homecare Services for Ageing Populations. Sensors 2024, 24, 4466. [CrossRef]
  40. D.-D. Le, A.-K. Tran, M.-S. Dao, K.-C. Nguyen-Ly, H.-S. Le, X.-D. Nguyen-Thi, T.-Q. Pham, V.-L. Nguyen, and B.-Y. Nguyen-Thi, "Insights into multi-model federated learning: An advanced approach for air quality index forecasting," Algorithms, vol. 15, no. 11, p. 434, Nov. 2022. [CrossRef]
  41. Y. Yeganeh, A. Farshad, N. Navab, and S. Albarqouni, "Inverse distance aggregation for federated learning with non-IID data," in Domain Adaptation and Representation Transfer, and Distributed and Collaborative Learning. Cham, Switzerland: Springer, 2020, pp. 150-159.
  42. A. Bohr and K. Memarzadeh, “The rise of artificial intelligence in healthcare applications,” in Artificial Intelligence in Healthcare. Amsterdam, The Netherlands: Elsevier, 2020, pp. 25–60. [CrossRef]
  43. S. S. Biswas, “Role of chat GPT in public health,” Ann. Biomed. Eng., vol. 51, no. 5, pp. 868–869, May 2023. [CrossRef]
  44. L. Floridi and M. Chiriatti, “GPT-3: Its nature, scope, limits, and consequences,” Minds Mach., vol. 30, no. 4, pp. 681–694, Dec. 2020.
  45. M. Paul, L. Maglaras, M. A. Ferrag, and I. Almomani, “Digitization of healthcare sector: A study on privacy and security concerns,” ICT Exp., vol. 9, no. 4, pp. 571–588, Aug. 2023. [CrossRef]
  46. A. T. Oyewohe, B. B. Quejieffor, N. E. Eneh, C. U. Akpuckwe, and S. S. Bakare, “Data privacy laws and their impact on financial technology companies: A review,” Comput. Sci. IT Res. J., vol. 5, no. 3, pp. 628–650, Mar. 2024.
  47. A. S. Ortega-Calvo, R. Morcillo-Jimenez, C. Fernandez-Basso, K. Gutierrez-Batista, M.-A. Vila, and M. J. Martin-Bautista, “AIMMP: An artificial intelligence modern data platform. Use case for Spanish national health service data silo,” Future Gener. Comput. Syst., vol. 143, pp. 248–264, Jun. 2023.
  48. B. S. P. Thunmiesuit and H. Atluri, “Advancing healthcare informatics for empowering privacy and security through federated learning paradigms,” Int. J. Sustain. Develop. Comput. Sci., vol. 1, no. 1, pp. 1–16, 2024.
  49. O. R. A. Almanifi, C.-O. Chow, M.-L. Tham, J. H. Chuah, and J. Kanesan, “Communication and computation efficiency in federated learning: A survey,” Internet Things, vol. 22, Jul. 2023, Art. no. 100742. [CrossRef]
  50. J. Ling, J. Zheng, and J. Chen, “Efficient federated learning privacy preservation method with heterogeneous differential privacy,” Comput. Secur., vol. 139, Apr. 2024, Art. no. 103715. [CrossRef]
  51. A. M. Abdelmoniem, C.-Y. Ho, P. Papageorgiou, and M. Canini, “A comprehensive empirical study of heterogeneity in federated learning,” IEEE Internet Things J., vol. 10, pp. 14071–14083, Aug. 2023. [CrossRef]
  52. Z. Zhao, J. Wang, W. Hong, T. Q. S. Quek, Z. Ding, and M. Peng, "Ensemble federated learning with non-IID data in wireless networks," IEEE Trans. Wireless Commun., vol. 23, no. 4, pp. 3557-3571, Apr. 2024. [CrossRef]
  53. H. Zhu, J. Xu, S. Liu, and Y. Jin, "Federated learning on non-IID data: A survey," Neurocomputing, vol. 465, pp. 371-390, Nov. 2021. [CrossRef]
  54. J. O. D. Terrell et al., "FLamby: Datasets and benchmarks for cross-silo federated learning in realistic healthcare settings," in Proc. Adv. Neural Inf. Process. Syst., vol. 35, 2022, pp. 5315-5334.
  55. R. Goussakov, "Hellinger distance-based similarity measures for recommender systems," Ph.D. dissertation, Dept. Statist., Umea Univ., Umea, Sweden, 2020.
  56. E. A. P. Alday, A. Gu, A. J. Shah, C. Robichaux, A.-K. I. Wong, C. Liu, F. Liu, A. B. Rad, A. Elola, S. Seyedi, Q. Li, A. Sharma, G. D. Clifford, and M. A. Reyna, "Classification of 12-lead ECGs: The PhysioNet/computing in cardiology challenge 2020," Physiol. Meas., vol. 41, no. 12, Dec. 2020. [CrossRef]
  57. Kok, C.L.; Tang, H.; Teo, T.H.; Koh, Y.Y. A DC-DC Converter with Switched-Capacitor Delay Deadtime Controller and Enhanced Unbalanced-Input Pair Zero-Current Detector to Boost Power Efficiency. Electronics 2024, 13, 1237. [CrossRef]
  58. A. Elmoudidi, “Deep multiple instance learning for automatic breast cancer assessment using digital mammography,” IEEE Trans. Instrum. Meas., vol. 71, pp. 1–13, 2022.
  59. D.-V. Nguyen and K. Zettsu, "Spatially-distributed federated learning of convolutional recurrent neural networks for air pollution prediction," in Proc. IEEE Int. Conf. Big Data (Big Data), Dec. 2021, pp. 3601-3608.
  60. S. Bozinowski, “Reminder of the first paper on transfer learning in neural networks, 1976,” Informatica, vol. 44, no. 3, pp. 293–295, Sep. 2020.
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.
Copyright: This open access article is published under a Creative Commons CC BY 4.0 license, which permit the free download, distribution, and reuse, provided that the author and preprint are cited in any reuse.
Prerpints.org logo

Preprints.org is a free preprint server supported by MDPI in Basel, Switzerland.

Subscribe

Disclaimer

Terms of Use

Privacy Policy

Privacy Settings

© 2025 MDPI (Basel, Switzerland) unless otherwise stated