1 Introduction

Deep Learning (DL) models learn by processing layers of hidden representation and multi-level abstraction. The DL models can achieve generalization by using large-scale data and applied in many domains and applications [1, 18, 19]. The outstanding performance of DL in industry and academia is widely recognized. The medical tasks are being automated using DL methods [20, 35], including cancer detection, tumour classification, vessel segmentation, etc. The high accuracy is impressive; however, models often act as black-boxes with unexplainable complicated layers. Other issues with these models are reported to be “unreliable” and “defenseless” when exposed to unexpected hand-designed input samples [25]. This mentioned issue makes the models insecure because black-box prediction results in detrimental performance. The DL models are required to be more efficient and robust to any intrusion. With recent advancement, it is still unclear what information must be given as input to the DL methods as results DL method give surety about the robust and secure prediction for the real-world problems [12]. Therefore, explainable learning methods are the latest research trend for the researcher.

Most researchers use medical images and applied their own learning-based methods [36]. Medical images use learned images of vector space for the analysis of specific tasks [14]. However, these methods mislead when applied to adversarial examples, i.e., some training data are used to lack the detection at the testing phase. Many issues in DL theory are caused because of this. It takes the view that the training dataset used in a learning phase should be correlated with the problem domain, and purposeful modification of the data does not occur [37]. One of the common problems in medical imaging occurs is bias in the training data. The training sample bias occurs when samples do not accurately reflect the context in which the learning method will be operated. In the medical domain, an expert to define a problem is used as a data labeling task. The method takes advantage of the “human in the loop” to ensure that the experts (who work with data) judgment are used with the learning method [32]. It is very much essential to collect samples that are very diverse and close to real-world scenarios [32]. Training set distribution must match the distribution of actual data.

While it is clear that scenarios can offer massive benefits, connected devices sharing information can pose new issues on the Internet of Medical Things (IoMT). There have been lots of improvements in the cyber-infrastructure of IoMT, which can enable activities like the sharing of diagnostic images over large networks and large distances remotely. Medical image processing is at a new dawn in society that needs to be thoroughly researched, developed, and understood. Currently in 4G, moving into 5G, and looking further ahead to 6G, the integration of AI and IoMT will assist in achieving breakthroughs in terms of our ability to analyze and understand the intricate world of medical imaging comprehensively.

1.1 Motivation

With the advent of pandemics and research collaboration across the globe, governments and the healthcare industry invested in the health care economy. The significant investment inevitably creates potential attackers, which might engage in criminal acts to seek profit from manipulating the health care system. For example, with the usage of the distributed data in the healthcare system, an attacker might exploit their examination report to do insurance fraud or claim the false medical reimbursement [24]. On the other hand, the attacker can also use a series of images to cause misdiagnosis of disease and overload the health care system with fake results. This could cause a severe impact on the decision-maker about the patient of certain Geo-locations. The black box decision making of DNN [23], the misdiagnosis with high confidence is hardly recognized and explainable. The secure, trust-able and explainable are crucial [15, 24], as the DNN system increasing adopted in the medical diagnostics, decision support, and pharmaceutical approvals [26]. There are several methods used to fool learning models. The tampered input features fall under the umbrella of deep adversarial learning. Attacks of learning methods are classified into two major categories, i.e. evasion attacks and poisoning attacks. The evasion attacks are performed when the attacker changes the input samples, leading to a miss classification of the legitimate samples. The poisoning attacks are performed during the training phase when an attacker manipulated the training data with handcrafted samples to compromise the learning process.

In this research, we work to deal with adversarial evasion attacks. We used the federated learning approach to share the model across medical institutes. Then the proposed active learning-based system is to defend against adversarial evasion and poisoning attacks. The proposed centroid-based clustering approach constructs the unsupervised feature representation into two classes, i.e., adversarial examples and quality samples (training set distribution). Then, we use the active learning method to train the learning model on the limited samples of the institute. We use the human in the loop to select the sampling for each round of the active learning method. The major motivation of using the input clustering into adversarial samples was to enable each representation to contribute to the training (evading poisoning attacks) of the learning method. Also, the active learning method with the human-in-the-loop methods helps to make the job difficult for any attacker. Hence, creating a robust and secure framework for medical image tasks, in particular, we made the following contributions:

  • For medical imaging data, we proposed the embedding model for distributed institute at the edge.

  • We proposed a dynamic clustering model that clusters the low dimensional vectors into meaningful regions.

  • We investigate the usage of federated learning and dynamic cluster for the medical data. The proposed model improves the performance with deep active learning without transmitting any raw data.

2 Related work

Deep neural networks (DNN) achieve humans like performance over several tasks such as image classification, object detection [36], and image retrieval [4]. With the recent success in CIFAR-10 and ImageNet, the DNN models gain popularity, success, and domain adoption, including in the health care industry. DNN become a powerful tool for analyzing and diagnosing disease for medical image processing tasks, such as diabetic retinopathy detection,Footnote 1 cancer diagnosis [13], and organ segmentation [28]. However, the high performance of these larger and deeper networks has issues regarding the user’s trustworthiness and safety. In a recent study, it is found that models are highly vulnerable to carefully crafted adversarial examples (for attacks), i.e., the slight change in the input data or instance distribution, the result of DNN can be changed. In addition to the wrong output, the prediction confidence is also on the higher side [16, 33]. This means that model is classifying the instance into wrong output with higher confidence which raised issues for the safety of the user in critical applications such as medical diagnosis [15], autonomous driving [14], and action analysis [9]. The existing methods focus on the adversarial machine learning research on natural image analysis tasks, and the health care image domain is still an open research area. The characteristic of the medical images is different from the normal image, for example, biological texture and shape. Ravi et al. [27] presented a novel approach to detect randomly generated domain names and domain name system (DNS) homograph attacks without the need for any reverse engineering or using nonexistent domain (NXDomain) inspection by DL models. Maarouf et al. [21] investigated the effectiveness of different evasion attacks and see how resilient machine and deep learning algorithms. Amich and Eshete [3] introduced a novel framework that harnesses explainable ML methods to guide high-fidelity assessment of ML evasion attacks. A recent study confirmed that adversarial attacks on the medical deep learning system could cause the problem and make them vulnerable [12, 15, 24, 25].

Recent work has analyzed the robustness of the deep models on medical images and focuses on the testing of the framework [15]. Another work focus on testing the vulnerability of medical deep learning models [24]. The testing showed that the classification accuracy drops from 86% to 0% on adversarial examples. The robustness and vulnerability of the model are tested against the adversarial standards on classification or segmentation tasks [24]. Also, the authors [24] conducted the experiment by small perturbations and observed a small change in the input variable, and the performance drops across different models. However, still, it should be evaluated how medical image attacks can also be crafted as raw image attacks? If not, then why this happened? In this study, we explain the detection and prevention of the attacks both at training, validation, and testing experiments.

Several DNN methods are used for diagnostic and prognostic biomarkers [30]. Mainly, DNN required diverse and extensive training sets, which is challenging to acquire in the medical domain. Collaboration among institutes faces data privacy and ownership issues. A federated learning framework helps to provide data-private multi-institute collaboration. The method [30] investigate the data distribution as assessing the model quality and learning patterns. Clinical adoption of federated learning helps to trained models and achieved high precision in personalized diagnostics. The model uses the federated learning method for data privacy. However, the adversarial method and detection are not evaluated.

The study, [38], addressed the over-fitting issues in the deep learning model. The analysis found that the data distribution is an essential factor as model training on one institute was performing purely on the testing sample of another institute. The reason is that the sampling and distribution of testing were different from the training instances. It is noted that DNN in the medical imaging domain is specifically associated with institutional biases. These models can achieve high accuracy but are not able to generalize the specific diagnosis to external institutions or even intra-department healthcare centres [38]. The data distribution should be diverse enough to be effective. In this research, we handle this problem by using active learning methods and federated learning methods. This is a natural way of collaboration, and the technique helps increase data diversity among multiple institutions.

Mostly, data is stored in a centralized location for collaboration. The number of data sharing repositories still exists for medical fields, e.g., radiology, pathology, and genomics [2, 6, 10]. Collaborative data sharing (CDS) have several issues, i.e., patient privacy, data ownership, and international laws [8]. Consequently, patterns extracted from the diverse populations are required to be removed from multiple sources and institutions. The number of collaborative learning approaches enables training models among different institutions without sharing patient data [7].

Federated learning (FL) is a collaborative learning approach without sharing the data [22]. The FL train a machine learning model, then transfer the model across the network to a server to be aggregated into the consensus model. After aggregating the model on the server, it is shared with all collaborated sources for further training and usage. Each iteration process, training of the model in parallel, apply aggregation and distribute the model weights across the network called federated rounds [22]. Fl was introduced by Google [22] as federated averaging and later applied Google keyboard for auto text completion task [5]. Chang et al. [7] proposed a collaborative learning method for the medical model, where institute training is done in parallel, and then model weights transferring was performed incrementally and in cyclic order. In incremental learning, each institute is trained, and then model weights are transfer to the next one [7]. In cyclic learning, a fixed number of training runs was performed for each institute and repeated through the number of the institute [29]. The cyclic order and limited epochs per institute help the cyclic learning model enable gradual progress and achieve better results than other models [29]. However, adversarial attacks are required to be avoided, and the mechanism is required to handle the situation.

figure a

3 Centroid active learning method (CALM)

To analyze the adversarial samples \(\boldsymbol {x},^{\prime }\) and used by the feature extractor f𝜃, we designed the unsupervised active learning method gϕ based on centroid clustering method. The method goal is to exclude the unseen adversarial samples \(\boldsymbol {x}^{\prime } \in \mathcal {X}^{\prime },\) and extract to prevent \(\boldsymbol {x} \in \mathcal {X}\) from being removed from the training distribution. The proposed clustering method is unsupervised that does not require adversarial density or type of adversarial attacks. Additionally, the model prediction is first selected based on the uncertainty-based pool selection. After that, the select class, along with the confidence, was validated by the human annotator.

A federated learning method is mentioned the Fig. 1, where customized weights are moved globally (though all the institutes are connected over a network). After receiving the optimized weights, the institute trained the model locally. In our proposed approach mentioned in Fig. 2, unlabeled samples first clustered into two groups. Given an input image, we are required to detect if the example is normally distributed or some permutation is added to it. Initially, we use the pre-trained network to extract the feature vector. Then initialize with random distribution (initialization), each with the mean centroid. We reassign the cluster by computing the similarity determined by centroid based on the feature extracted embedding (Algorithm 1 — lines 6 to 12). Then, the next iteration repeats until the centroid converges is not changed. The clusters are just collection; we can define the centroid of the cluster by computing the average of the image belonging to each cluster; thus, if S1,S2,…SN are images belonging to cluster and centroid (Algorithm 1 — lines 13 to 19). All the unlabeled images in the cluster except for the cluster centroid images are being compared. Thus, we have sample images S1,S2,…SN and we want similarity between clusters and images appearing in the cluster, we determine the cluster centroid using the S1S2 ∪… ∪ SG− 1G+ 1 ∪… ∪ SN. SMN is the embedding belonging to cluster K N = 1…j where j is the number of images belonging to cluster K. For similarity among vector, we used the cosine similarity mentioned as in the (1) and (Algorithm 1 — line 16). Given two vectors t, e, where t represents image embedding and t is the centroid. We compute cosine similarity to compare centroid and images embedding two vectors.

$$ \sim (\mathbf{t}, \mathbf{e})=\frac{\text{te}}{\|\mathbf{t}\|\|\mathbf{e}\|}=\frac{{\sum}_{i=1}^{n} \mathbf{t}_{i} \mathbf{e}_{i}}{\sqrt{{\sum}_{i=1}^{n}\left( \mathbf{t}_{i}\right)^{2}} \sqrt{{\sum}_{i=1}^{n}\left( \mathbf{e}_{i}\right)^{2}}} $$
(1)
Fig. 1
figure 1

Federated learning in medical imaging. The server communicates with the multiple institutes for the weights and gradient from the local model. The local models are aggregated and shared to achieve high performance

Fig. 2
figure 2

A cluster-based adversarial attacks detection and centroid based model evasion

After the adversarial detection, we used the trained model to predict the class of the raw images. The model takes advantage of the optimized weights and gradient to learn from a limited set of examples. The initial training set contains a small amount of data and an entropy-based model to decide which points to select for inclusion in the training set. The entropy-based model in this paper selects the number of a point depending upon the pool size (Algorithm 1 — lines 20 to 22). The pool point is the separate set that is updated each cycle. It includes the selected point in the training set, and we train an alternative model on the new points (Algorithm 1 — lines 22 to 23). The repetition of the steps helps to increase with training-set and meaningful points over time. The human annotator then validates the select data points by comparing the confidence score and the output class. The developed method can thus help to reduce data annotation tasks and generalize the machine learning system.

The institute (connected with the server) can benefit from local data without sharing it across the network mention in Fig. 1. We use this concept in this research; the server is an online computational efficient system where the institute is local hospitals in this way system able to train intelligent system by keeping the privacy of any individual patient. We mention the framework for the multiple institutes in Fig. 1. Each client data exhibits non-overlapping distribution, local model (model at institute end), and database. The data distribution is varied among the client randomly, and adversarial examples are also added. We mention that only the deep learning model is shared among the node; the clustering is performed locally by each institute. Local institutes owners do adversarial attack detection based on the local distribution. However, the feature extractor helps to create a learned embedding clustering purpose. This helps the dynamic cluster method to form the separable margin of normal images and adversarial examples. In the proposed model, the institute’s data is stored in local database. On each iteration, the model is trained locally, and then weights/gradient are transferred to the server (Algorithm 1 — lines 3 to 9). The server receives the model and then aggregates the weights of all the clients (Algorithm 1 — lines 5 to 6). This helps the model learn the diverse institute data and transfer it to all the client connections. The purpose of the transfer is that it helps the model to improve the predictive ability and move towards the generalized model. The global model then uses the aggregate weights to update the global model (Algorithm 1 — lines 8 to 9). We used Federeated Averaging method for the model aggregation [22]. The server performs the aggregation, and then the updated model is shared with the institute with global weights. After a particular iteration of the rounds, clients reach the convergence point. Then, the final global sharing is performed among the clients. During the experimental evaluation, we set the round to 10 and epochs per institute to 20. The institute can select the global aggregated model or the best local iteration-based data. After getting the gradient and weights, we perform the dynamic cluster. For optimization and hyper-parameter tuning, we set the initial stopping patience value to 10.

For our experimental analysis, we used the retinal OCT image dataset [17]. In total, it contains 84,495 images from 4,686 patients with four output classes (normal, drusen, diabetic macular edema (DME), and choroidal neovascularization (CNV). We used only 1,000 images of data (800 training and 200 testing purpose). To balance the output class, we used the under-sampling method. We randomly distributed the samples across four institutes. Additionally, we added adversarial samples to test the robustness of the model. The FGSM method [16] is used to generate a sample with permutation interval set to [0.002,0.004]. For each institute data, we create 1:1 adversarial samples. The VGG-16 [31] and inceptionV3 [34] model was used to train the network and ImageNet [11] was used as a feature extractor. The model was performed for ten epochs and 20 rounds each. We evaluated the model with the standard training method of federated averaging (ST), federated averaging with adversarial samples (FAS), federated averaging by using the proposed framework evasion method, i.e., Centroid active learning method (CALM).

3.1 Validation of adversarial attacks

An attacker can deliberately fabricate the input application to force the classification algorithm to produce the desired output (evasion attack). To validate the resilience of the proposed centroid active learning method against the adversarial evasion attacks, we experimented using the FGSM model employing the fabricated inputs. These fabricated inputs (to mimic an adversarial evasion attack) are produced by making slight changes in feature vectors of known images. We evaluated the performance of the proposed model to mitigate evasion attacks by making permutation values under different thresholds. Most of the existing deep learning detection techniques are vulnerable to adversarial evasion attacks because the bit change in the input feature vector results in evasion from the underlying classification model. To evaluate the proposed model against such fabrication in the input feature vector, we used to cluster the method and select quality features to train the network purely. This results in evasion of model poisoning as well as model evasion. We tested our proposed method using the fabricated feature vectors by employing different DL architectures.

It is evident from Fig. 3, that the proposed model achieved 95% to 81% accuracy respectively for all fabricated data. All other models achieved lower accuracy with a maximum of 88 and a minimum of 32%. Although these techniques achieve high accuracy for the limited number of permutations, authors have not provided any countermeasure to mitigate such attacks. In comparison to these techniques, our proposed method achieved a remarkable 85% against adversarial examples. The accuracy of different ensembles for 10-bit fabricated data can be seen in Fig. 3, which displays the same trend regarding the performance of different ensembles. The results obtained from these experiments validate the fact that the proposed adversarial detection method is resilient to adversarial evasion attacks. The proposed approach can detect an attack on medical imaging and the fabricated samples with high accuracy.

Fig. 3
figure 3

The active learning method comparison with standard training method of federated averaging (ST), federated averaging with adversarial samples (FAS) [5], federated averaging by using the proposed framework evasion method, i.e., Centroid active learning method (CALM)

Tables 1 and 2 show the performance of InceptionV3 on adversarial data. The results indicate that the performance of the proposed model is significantly high. Both methods performed well for the provided distinct data. However, when the robustness of the model is detected under fabricated samples, then VGG16 tends to perform very low.

Table 1 True classify samples by using the Centroid active learning method (CALM) results on with adversarial samples
Table 2 CALM accuracy comparision with VGG16 and InceptionV3 model

Table 3 shows the accuracy comparison of the Inceptionv3 model by using the local training data alone and a federated learning method. The performance of the locally best model (having high validation score) is improved after the usage of shared weights of federated learning. We also observed a remarkable improvement diagonal mean of the client’s test accuracy. It is concluded that model trends to be performed locally and globally under the adversarial samples.

Table 3 Model accuracy comparison with local and federated learning method

4 Future work

In future work, we will employ new training strategies to select the subset of client training data to improve the frequency of iterations, mini-batch sampling, and hyper-tuning models. We also want to employ deep adversarial or generative models to evade the system. Differential privacy methods can also be integrated to improve the effectiveness and increase the quality of training to minimize bias inactivity to the data being sampled. For the possible weight aggregation method, the evolutionary computation method can also be adopted that uses the institute local model weights to further optimize the global model aggregation.

5 Conclusion

In conventional healthcare systems and now moving into our connected world of IoMT, collaboration among institutes is considered to be highly effective to enable distributed healthcare services. Clinical trials dataset has a built-in problem that includes a lower number of training instances, sampling biases, presences of outliers, and class imbalance. The deep learning-based model trained on the limited data results in overfitting and under-formed when a process on new unseen data. In this research, we proposed a data collaboration method using the federated learning approach for the healthcare industry. The model first detects the adversarial examples and then predicts the outcome of the select images after the entropy base uncertainty model can reduce the set of examples for the human annotation task. In the end, the human annotator takes the input images, output class, and confidence score to validate the sample. In this way, the adversarial attack can be evaded to poison the model and misclassify the input images. The obtained results support our decisions regarding deep neural network training to detect and mitigate evasion attacks. Moreover, it validates itself as a resilient model against adversarial evasion attacks by achieving 95% accuracy against fabricated inputs.