Next Article in Journal
What Is the Role of AI for Digital Twins?
Previous Article in Journal
Comparison of Various Nitrogen and Water Dual Stress Effects for Predicting Relative Water Content and Nitrogen Content in Maize Plants through Hyperspectral Imaging
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Privacy-Preserving Convolutional Bi-LSTM Network for Robust Analysis of Encrypted Time-Series Medical Images

by
Manjur Kolhar
* and
Sultan Mesfer Aldossary
Department Computer Science, Prince Sattam Bin Abdulaziz University, Wadi Ad Dawaser 11990, Saudi Arabia
*
Author to whom correspondence should be addressed.
AI 2023, 4(3), 706-720; https://doi.org/10.3390/ai4030037
Submission received: 5 July 2023 / Revised: 12 August 2023 / Accepted: 22 August 2023 / Published: 28 August 2023
(This article belongs to the Topic Explainable AI for Health)

Abstract

:
Deep learning (DL) algorithms can improve healthcare applications. DL has improved medical imaging diagnosis, therapy, and illness management. The use of deep learning algorithms on sensitive medical images presents privacy and data security problems. Improving medical imaging while protecting patient anonymity is difficult. Thus, privacy-preserving approaches for deep learning model training and inference are gaining popularity. These picture sequences are analyzed using state-of-the-art computer aided detection/diagnosis techniques (CAD). Algorithms that upload medical photos to servers pose privacy issues. This article presents a convolutional Bi-LSTM network to assess completely homomorphic-encrypted (HE) time-series medical images. From secret image sequences, convolutional blocks learn to extract selective spatial features and Bi-LSTM-based analytical sequence layers learn to encode time data. A weighted unit and sequence voting layer uses geographical with varying weights to boost efficiency and reduce incorrect diagnoses. Two rigid benchmarks—the CheXpert, and the BreaKHis public datasets—illustrate the framework’s efficacy. The technique outperforms numerous rival methods with an accuracy above 0.99 for both datasets. These results demonstrate that the proposed outline can extract visual representations and sequential dynamics from encrypted medical picture sequences, protecting privacy while attaining good medical image analysis performance.

1. Introduction

The use of digitization has been widely adopted in the medical field due to the development of hospital standardization [1]. Digital medical pictures are produced on a daily basis by modern medical equipment [2,3]. Due to the rapid advancements in information technology, intelligent medicine and remote diagnostics are maturing [4,5,6]. The transmission of many medical photographs over the internet has become a standard practice [7]. X-rays, CT scans, MRI scans, and ultrasound images provide valuable information about a patient’s health. These documents may also contain sensitive personal information, such as patient identifiers, which may be accessed without authorization if exposed. It is therefore crucial to develop methods to protect patient privacy without compromising the quality or utility of medical images. Using deep learning models, large amounts of data can be automatically learned to reveal complex patterns and features. As a result of this capability, they are well suited for tasks requiring privacy preservation in medical imaging. Researchers and developers have been exploring different methods for leveraging deep learning techniques in order to ensure the confidentiality and privacy of medical images. Photocopies of medical records sent over the internet are subject to theft, unauthorized use, and modification [8]. A medical picture of a patient may also contain confidential information, which may be easily leaked in this setting. Remote diagnosis and the exchange of medical images have improved with the evolution of the healthcare IT infrastructure [9]. A growing number of these methods are being used, making it increasingly important to protect sensitive patient information, including MRI scans and other medical images, as well as electronic medical records [10,11]. Therefore, it is imperative to safeguard sensitive patient information.
During clinical examinations, time-series medical photographs demonstrate the dynamic changes in lesions. However, uploading such images to cloud servers may harm patient privacy amid growing concerns about the sharing of medical and healthcare information [12,13]. It is important to note that image scrambling encryption [14], Advanced Encryption Standard (AES) cryptosystems [15], and Rivest–Shamir–Adleman (RSA) encryption [16] only protect the data during dissemination; the cloud server must decode the data before the artificial intelligence algorithm can be applied. Due to the fact that real data can be accessed by the cloud server, these methods do not address the privacy issue. In recent research, neural networks have been used to analyze encrypted photos. As a result of their ability to compute encrypted pictures and perform well, homomorphic encryption-based privacy-preserving deep learning models are popular. In most algorithms, only individual encrypted images are calculated, making it difficult to encode discriminative time-related data. Studies of lesion dynamics are also conducted using time-series medical images. The uniqueness of medical issues and the rate of missed diagnoses should be taken into consideration when developing these approaches. Clinically, reducing the incorrect diagnosis rate is more important than improving accuracy, since missed evaluations may result in missed treatment timing, making subsequent therapy more challenging and lowering 5-year survival rates.
In order to anonymize or de-identify medical images, deep learning models are commonly used. To accomplish this, sensitive information, such as patient names, dates of birth, and other identifiable features, are removed or obfuscated while preserving the diagnostic value of the images. Using deep learning algorithms, sensitive regions can be detected and blurred or removed from images, making them suitable for research, sharing, or analysis while protecting patient privacy. Using deep learning models, it is possible to generate synthetic medical images that mimic real patient data, while ensuring the privacy of the patient. On the basis of existing medical image datasets, these models are trained to learn the underlying patterns and characteristics. Synthetic images can be used for a variety of purposes, such as algorithm development, without exposing patient information. Our work has made the following significant contributions:
  • This article proposes evaluating homomorphic-encrypted time-series medical pictures with a convolutional Bi-LSTM network. Encrypted frames have discriminative spatial characteristics extracted using convolutional blocks.
  • A weighted unit and sequence voting layer integrate geographical various weights in the suggested technique.
  • This study compares the recommended technique to a zero-watermarking solid system that meets security issues during medical photo storage and transmission, notably lesion zone protection. This comparison shows that the suggested framework protects the privacy and improves medical picture analysis.
The remainder of this article is organized into the following sections: Section 2 summarizes relevant work that examines CAD techniques for analyzing medical picture time series and numerous studies that address the privacy-preservation issue. In Section 3, we explain in depth our suggested CNN+ Bi-LSTM. The experimental design, the metrics used to evaluate it, the outcomes of the experiments, and comparisons with other recently disclosed approaches are described in Section 4 and Section 5. The essay finishes with suggestions for further study in Section 6.

2. Related Works

Wang et al. [17] used traditional ML to diagnose breast cancer in digital mammograms using data collected at the Tumor Hospital of Liaoning Province. Two ML techniques are involved—a single-layer neural network (ELM) and a traditional support vector machine (SVM). While a DNN-based method was not used in this work, it opened the path to employing deep learning models to carry out automated breast cancer screening in the future. The DCNN has been used on mammographic pictures by Shen et al. [18] to improve the identification of breast cancer. Resnet-50 and VGG-16 were utilized for training, while the CBIS-DDSM [19] dataset of 2478 mammography pictures was used for testing. In the ResNeSt [20], the fresh brain MR dataset was generously supplied by Ruijin Hospital, Shanghai Jiao Tong University School of Medicine, and it was used by Zhang et al. [21] to present ResNetSAt. This focus-oriented deep convolution neural network successfully detected malignancy. The CBAM’s spatial-attention sub-section helped them do this.
CAD algorithms, a newly developed auxiliary diagnosis tool, might be widely used for time-series medical picture analysis. The authors [22] used a CNN with an LSTM to enhance surgical workflow identification using discriminative visual information and temporal variables. LSTM performed well in mammography image classification [23]. Reference [24] used convolutional, deconvolutional, and LSTM layers to categorize breast cancer pictures. According to the literature, LSTM and Gate Recurrent Unit (GRU) recurrent neural networks may instinctively recognize prostate cancer and myocardial infarction [25,26]. The current study uses deep learning-based CAD algorithms to interpret time-series medical photos.
Homomorphic encryption allows actions on ciphertexts deprived of decoding to evade revealing the plaintext [27]. Fully homomorphic encryption (FHE) allowed free calculations on ciphertexts for the initial time, according to Reference [28]. Over the past decade, various FHE variants have been developed to increase computation performance and privacy. The Brakerski/Fan-Vercauteren (BFV) plan [29] is the most effective fully homomorphic encryption program and encourages arbitrary multiplication and addition to encrypted messages [30]. The elegant/simple BFV approach performs well in cloud-based and secure technology [31,32].
Natsheh et al. [33] presented an efficient technique for encrypting and decrypting DICOM medical pictures using the Advanced Encryption Standard (AES). The created sequences using chaotic maps have remarkable characteristics as security keys due to their pseudo randomness, ergodicity, and beginning value responsiveness. A medical picture encryption technique based on selective chaos was presented by Kanso et al. [34]. Each iteration of this method consists of block-based shifting and masking phases. An input picture is shuffled and masked using chaotic cat maps. Using chaos theory, Song et al. [35] demonstrated a method for encrypting medical pictures securely. This approach employs a bit-level shuffling algorithm and a replacement mechanism in the permutation process to safeguard the images. Ding et al. [36] suggested a deep neural network called DeepEDN to encrypt and decode medical pictures. To secure medical images, we first use a Cycle-Generative Adversarial Net (Cycle-GAN) as the central learning system to change them from the plain arena into the target domain. The decryption process is performed via an updated network. Instead of unlocking the entire image, a region of interest (ROI)-mining network is employed to retrieve the relevant parts selectively.
Many academics have focused on using GAN-based approaches in various applications since 2014 when Goodfellow et al. [37] first presented the idea. The adversarial discriminator and generator make up the GAN network [38]. The former takes a snapshot of the data’s distribution, while the latter adapts to identify anomalies in the data. Image creation [36], image segmentation [37], image super-resolution [38], and image-to-image translation are just some of the many areas where GAN-based algorithms have been shown to deliver state-of-the-art outcomes. To transform from one picture to another, Yi et al. [39] employ a conditional generative adversarial network (CGAN). It is demonstrated that this method outperforms prior art in picture synthesis using label maps, object reconstruction using edge maps, and colorization.
An epistemological framework [40] provides the foundational principles and perspectives that guide how knowledge is understood, acquired, validated, and communicated within a particular field of study or inquiry. It essentially outlines the philosophy of knowledge within that field and shapes the methods and approaches used to generate knowledge. In [41], their investigation sheds light on both the theoretical foundations and the practical implications of ethical considerations and shared responsibility in the realm of healthcare and technology integration.
The learning network may be trained using the DualGAN [42] technique using two unlabeled pictures. DualGAN takes two sets of unlabeled pictures as input to assist many image-to-image transformation tasks and simultaneously learns two trustworthy image transformation networks. To accomplish the image transformation job using unpaired pictures, Cycle-GAN is presented in [43]. The Cycle-Gan can train two different GAN models at once. One model learns the mapping from class A to class B, while another knows the reverse. When these two mappings are combined, the loss is rethought. Adversarial loss is key to GAN’s success since it ensures that produced pictures differentiate from target images. To accomplish the “Image-to-Image transformation,” the negative loss is utilized to learn the mapping from the “source domain images” to the “target domain images.

3. Methods and Materials

Features of deep neural networks that do not leak private information are discussed here. The MORE homomorphic encryption system is the foundation of the proposed technology, which allows traditional neural network models to be trained and used directly on homomorphically secured information [44,45].

3.1. Problem Formulation

Let us define the problem of privacy-preserving in medical images using deep learning mathematically as follows: Given a set of sensitive medical images I = { I 1 , I 2 , …, I n } with corresponding patient identifiers P = { P 1 , P 2 , …, P n }, where I i represents an individual image and P i represents the patient identifier associated with image I i . The goal is to develop a deep learning-based framework F that can preserve the privacy of the medical images while maintaining their diagnostic value. The framework F should consist of a set of privacy-preserving techniques that can be applied to the medical images to protect sensitive patient information.
Let us denote the privacy-preserving function as P P ( I ,   P ) , which takes the set of medical images I and their corresponding patient identifiers P as input and outputs a transformed set of images I = { I 1 , I 2 ,   . . . , I n } with preserved privacy. The transformed images I’ should satisfy the following conditions: The patient identifiers P = { P 1 , P 2 ,   . . . ,   P n }   associated with the transformed images I   should not reveal the identity of the patients in the original set. In other words, there should be no direct link between the transformed images and their respective patient identifiers. The transformed images I should retain sufficient diagnostic information to enable effective analysis and diagnosis. The privacy-preserving techniques applied to the images should not degrade the quality or utility of the medical images.
To achieve privacy preservation in medical images using deep learning, the framework F   should leverage the power of deep learning algorithms to develop techniques that can transform the images   I while satisfying the anonymity and utility preservation requirements. The objective is to find an optimal privacy-preserving function P P     ( I ,   P ) that maximizes the preservation of privacy while maintaining the diagnostic value of the transformed images, subject to any additional constraints or requirements specific to the application domain. Mathematically, the problem can be formulated as:
P P     ( I ,   P ) = a r g   m a x   P P ( I ,   P ) ,
subject to constraints and requirements specific to privacy preservation, such as anonymity and utility preservation. The solution to the problem involves designing and training deep learning models, developing appropriate privacy-preserving techniques, and evaluating the effectiveness of the framework F in terms of privacy preservation and diagnostic performance using suitable evaluation metrics.

3.2. Dataset

The CheXpert (see Figure 1) dataset [46] is used for our investigations; it is a huge dataset with 224,316 chest X-rays from 65,240 individuals. (a) atelectasis, (b) cardiomegaly, (c) consolidation, (d) edema, and (e) pleural effusion are the five kinds that react to various thoracic diseases. There will be no effects on privacy leaks from our re-initialization of the fully connected layer and fixes to the other convolutional layers [1]. Ten thousand radio graphs are used for training and 234 are used for testing.
The Breast Cancer Histopathological Image Classification (BreakHis) database contains 9109 photos of breast tumor tissue, taken at 40×, 100×, 200×, and 400× magnification levels and gathered from 82 individuals. There are now 5429 malignant samples and 2480 benign samples (all 700 × 460 pixels in size, 3-channel RGB, 8-bit depth, PNG format). This database was compiled in Parana, Brazil, at the P&D Laboratory of Pathological Anatomy and Cytopathology. There are two primary categories of BreaKHis tumors—benign and malignant. When a tumor lacks malignant features, such as cellular atypia, mitosis, breakdown of basement membranes, metastasis, etc., it is said to be histologically benign. Benign tumors are those that are slow-growing and are confined to one area. The invasion and destruction of neighboring structures (known as “local invasion”) and metastasis to other parts of the body (known as “metastasis”) are hallmarks of malignant tumors, another name for cancer.

3.3. Methodology

In recent years, deep learning has been used to analyze medical data with remarkable results. Despite the apparent complexity of deep learning models, they can be reduced to iterative blocks of computation based on a handful of elementary arithmetic over rational integers. The majority of state-of-the-art achievements in deep learning have been achieved using deep neural network models that employ just a small subset of possible operations. It is possible to extend the capabilities of neural network models to include ciphertext operations using the MORE scheme’s homomorphic characteristic.
Figure 2 depicts the suggested process that makes use of HE and deep learning. The training data are encrypted using a private key before being processed. After that, the plaintext is separated from the processing unit and remains isolated on the side of the data source, while the ciphertext is used exclusively by the deep learning-based model. All inside network functions are structured to ensure usability on ciphertext input, and the MORE encryption method is homomorphic and allows floating-point arithmetic right away, so the system can be trained immediately on ciphertext information using the conventional training process.
Model predictions are encrypted and can only be decoded by the owner of the secret key. After the training period has concluded, the model’s encrypted form can be used to make predictions about fresh encrypted instances using the same key that was used during training. The MORE cryptosystem utilizes symmetric keys. As a result, the technique generates a secret key that can be used to encrypt plaintext data as well as decode ciphertext data as shown in the Algorithm 1.
Algorithm 1 of MORE (Matrix Operation for Randomization or Encryption)
Secret Key Generation
Input:
                   None
Output:
                   Secret key SK
Steps:
                            1.
Random Matrix Generation: R     R ( n × n )
                            2.
Inverse Matrix: R i n v = R 1
                            3.
Secret Key: S K = R i n v
                            4.
Generate a random matrix R of size ( n × n ) with elements from a suitable key space.
                            5.
Compute the inverse matrix R i n v of R .
                            6.
Set S K = R i n v .
                            7.
Output SK as the secret key.
MORE Encryption:
Input:
                   Plain text matrix P, Secret key SK
Output:
                   Encrypted matrix C
Steps:
                            1.
Plain Text Matrix: P     R ( m × n )
                            2.
Encrypted Matrix: C = P     S K
                            3.
Compute the matrix multiplication C = P     S K .
                            4.
Output C as the encrypted matrix.
MORE Decryption:
Input:
                   Encrypted matrix C, Secret key SK
Output:
                   Decrypted matrix P
Steps:
                            1.
Encrypted Matrix: C     R ( m × n )
                            2.
Decrypted Matrix: P = C     S K
                            3.
Compute the matrix multiplication P = C     S K .
                            4.
Output P as the decrypted matrix.

3.4. Convolutional Bi-LSTM

The CNN has been widely used in the recognition of patterns in pictures and the detection of objects in pictures. The key benefit of CNN is its ability to automatically identify the hierarchical characteristics of incoming images. It eliminates the need for manual feature extraction, which is time-consuming and difficult. A CNN architecture is composed of three layers—convolution, pooling, and fully connected. As a result of merging the layers above, convolution blocks comprised of CLs and PLs are generated for the extraction of features from an input picture. A CNN architecture is created by linking together many convolution blocks. In the construction of a CNN for a regression or classification problem, FCLs are typically used as the final layer. Figure 3 illustrates the conventional CNN-BiLSTM design.
An important role is played by the convolutional layer in a CNN setup. ‘Convolution kernel’ is a filter series applied to the input image’s or feature map’s dimensions at this layer. As mentioned above, the convolution kernel is considered to be a feature extractor since it is able to extract information that is naturally present in the input picture or the output characteristic map. Convolution is a mathematical procedure in which an image is input and a kernel is output.
y k = X K k + b k .
In the following formula, ‘ X ’ represents the input image, ‘ K k ’ represents the k th convolution kernel in CL, ‘ b k ’ represents the bias term, ‘ y k ’ represents the k th output feature map, and ‘ ’ represents the convolution operation. A non-linear activation function was then applied to the final feature map after the convolution procedure to introduce the non-linearity. The aforementioned process may be stated mathematically as:
S x , y = a m = 0 M 1 n = 0 N 1 p = 0 N 1 w p , n , m X x + n , x + p , m + b .
Non-linear activation function a ( · ) ; output feature map node at ( x ,   y ) designated by S x , y ; input pixel value x + n , x + p , m designating weight and bias of convolution kernel; convolution kernel size, k × k . Note that the picture at ( x ,   y ) at p th depth can be significantly affected by the size of the kernel; w p , n , m and b represent the network’s performance. Large kernel functions can generate duplicate processing and an increase in the computational complexity of a network, while tiny kernel functions can result in considerable information loss.
Following CL, PL downsamples the output feature map to make it smaller while still retaining a significant amount of spatial and uniform information. The mathematical expression for the pooling process is as follows:
P x , y , z = L ( m , n ) r x , y X m , n , x .
L ( · ) represents the pooling operation; P x , y , z represents the updated value for the node located at coordinates ( x ,   y ) in the z-th feature map; r x , y represents the pooling region encompassing coordinates ( x ,   y ) ; and X m , n , x represents the node at coordinates ( x ,   y ) inside the pooling region. There are several kinds of pooling operations. Maxpooling is the best option available. The maxpooling procedure takes a set of convolved features and chooses the one with the highest value inside the pooling window as the output feature.
FCLs are employed in both regression and classification tasks. A 1D feature vector is created from the results of CL/PL in FCL. Following a series of FCLs, the resultant layer of a classification issue is a softmax activation function. The categories are predicted using the FCL output and a probability score is calculated using the softmax activation function. Softmax activation function may be expressed mathematically as follows:
F = σ ( h n ° w T + b ) .
Estimated class is represented by F , the total number of hidden neuron values is represented by (‘ h n ’), the element wise multiplication operator is (‘ ° ’), the weight matrix is (‘ w T ’) between FCL and output layer and bias (‘ b ’).
A variant of the long short-term memory (LSTM) technique used in recurrent neural networks (RNNs) is called Bi-LSTM. By adding bidirectional processing to the standard LSTM architecture, Bi-LSTM expands the model’s capacity to account for both past and future information when generating predictions. The Bi-LSTM model may be defined mathematically as follows: the Bi-LSTM learns forward and backward hidden states, h i f and h i b , from the input I t at each time step t . The forward LSTM units and the reverse LSTM units are responsible for calculating these latent states.
h i f = L F ( I t , h i f t 1 )
h i b = L B ( I t , h i b t + 1 ) .
Here, I t   represents the input at time step t , h i f t 1 is the previous hidden state for the forward LSTM unit, and h i b t + 1 is the prior hidden state for the backward LSTM unit. Information about the past is stored in the forward hidden states ( h f t ), and data about the future are stored in the backward hidden states ( h i b t ). In BiLSTM, the forward normal LSTM uses the same threshold calculation equations as a traditional LSTM, while the reverse normal LSTM uses the threshold design formulas described below.
i n t = σ ω i n t · h i t 1 , I t + b i n t
f r t = σ ω f r t · h i t 1 , I t + b f r t
o p t = σ ω o p t · h i t 1 , I t + b o p t
m t t = f r t     m t t 1 + i n t     t a n h ω m t t · h i t 1 , I t + b m t t .
These hidden states are concatenated to obtain the final hidden state h t :
h i t = [ h i f t , h i b t ] .
The output of the Bi-LSTM model, the hidden state h i t , is then utilized for prediction or other processing. Bi-LSTM’s ability to handle information in both directions gives the model a head start when considering the long-term context of a prediction. This is especially beneficial in situations like traffic forecasting, when past events and anticipated ones can have a significant impact on the present. Bi-LSTM has demonstrated an enhanced performance in a number of sequence prediction applications, particularly traffic flow forecasting, by virtue of its incorporation of bidirectional processing. It may take into account historical and future data simultaneously, allowing for the identification of long-term dependencies in the data.
If you want your data-driven model to function at its best, you will need to keep a tight eye on its training phase. If the optimization is not done properly, the resulting network might not be able to accurately represent the training set or generalize to novel data. Two well-known learning-based issues that significantly impact the effectiveness of the model on a new dataset are overfitting and underfitting. Knowing when to quit exercising is crucial for avoiding these complications. Preventing the model’s efficacy from deteriorating by defining early termination conditions based on the error of a validation dataset is a frequent tactic. In particular, training can be halted if the error on a held-out dataset does not decrease with time or if the difference between training and validation errors increases. The error analysis determines the halting criterion in both approaches. When working with ciphertext data, these tactics are becoming increasingly unworkable, despite being easily accepted during the training phase on plaintext data. The selected cryptosystem prevents the error metric from being utilized in a conditional statement, and the metric itself is a ciphertext.
Models that are used to ensure users’ privacy are trained for a set period of time in order to get around this restriction. Since this study’s overarching objective is to determine whether or not a deep neural network can successfully function on ciphertext data without any additional training, it is possible to identify an appropriate termination condition in advance. For the purpose of utility and straightforwardness, we have chosen to perform the tests and provide findings across a rather large number of epochs. We determined both the unencrypted and encrypted forms of every assignment. The neural network was taught and interpreted on plaintext data in the first play around, while ciphertext data with all trainable parameters encoded were used in the second. The training technique, hyperparameters, and startup procedure for both the plaintext and ciphertext systems were identical. Further, the same starting values were utilized for training models on both ciphertext and plaintext data. When measuring the performance of neural network algorithms using ciphertext data from the concealed testing set, every one of the assessment metrics were computed on the decoded results.

4. Experimental Setup

Python’s Keras module and TensorFlow2 were used to implement the suggested hybrid deep neural network. The system with the Intel(R) Core (TM) i72.2 GHz CPU and the NVidia giga texel shader extreme (GTX) 1050 configuration was used to train the suggested hybrid deep neural network. With the next set of inputs, the network that was recommended was developed: learning rate = 0.0001, minibatch size = 256, and loss function = cross entropy. After every stage of the network’s training execution, the loss function is optimized using the Adam optimizer. It is important to note that the network’s training epoch count has been set using an early halting technique. If validation loss does not decrease by more than a threshold value (0.001) for 10 consecutive epochs, training is stopped. The assessment takes into account the epoch’s weights that represent the lowest validation loss. It is worth noting that a 4-fold cross-validation approach was used to verify the network’s efficacy in this endeavor.

5. Result and discussion

In this research, four performance metrics—correctness, exactness, specificity, and F1 score—are used to assess the efficacy of the suggested methodology. The subsequent Equations provide a mathematical expression of the aforementioned metrics. The terms ‘   T p r ’, ‘   T n r ’, ‘   F p r ’, and ‘   F n r ’ in the corresponding equations denote, accordingly, ‘positive’, ‘negative’, ‘false’, and ‘true’.
A c c u r a c y = T p r + T n r T p r + T n r + F p r + F n r
P r e c i s i o n = T p r T p r + F p r
S p e c i f i c i t y = T n r T n r + F p r
F 1 s c o r e = 2 × T p r 2 × T p r + F n r + F p r
The suggested hybrid network’s training visuals are shown in Figure 4. Figure 5 suggests that the end of the graph, when the training and validation loss are close to zero, indicates that the network has been adequately trained. It is worth noting that the suggested hybrid network takes around 95 min to train in its entirety.
The loss values provided for the CNN-Bi-LSTM model on the CheXpert and BreakHis datasets are 0.39 and 0.29, respectively. Loss is a commonly used metric in machine learning that quantifies the discrepancy between the predicted output of a model and the true value. Lower loss values indicate a better agreement between the predictions and the ground truth. In Figure 5, which presumably displays the loss curve over the training epochs, we can observe that the loss starts relatively high at the beginning of training and gradually decreases as the model learns from the data. There may be fluctuations and variations in the loss during training, which is normal as the model adjusts its parameters to optimize the predictions. Overall, the loss decreases over time, indicating that the model is improving its performance on the CheXpert dataset.
The loss curve for the BreakHis dataset starts at a lower value compared to CheXpert, suggesting that the model initially performs better on this dataset. Similar to the CheXpert loss curve, there may be fluctuations and variations during training. The loss decreases consistently or stabilizes at a relatively low value, indicating that the model realizes good recital on the BreakHis dataset. We compared the proposed hybrid architecture to two existing deep architectures in terms of performance. In the first, the flattened and Bi-LSTM layers from the proposed hybrid design have been replaced with the more traditional CNN architecture. The second structure is a combination of a conventional CNN and an LSTM. The planned hybrid architecture’s Bi-LSTM layers have been swapped out for regular LSTM layers in this design. The aforementioned networks have been trained, which is worth noting.
Table 1 compares the proposed hybrid (CNN-Bi-LSTM) architecture to the aforementioned deep architectures as a function of the overall amount of adjustable settings, recognition performance, and computing time. This paper shows that hybridization has resulted in a little increase in the overall number of trainable parameters in deep architecture. It is clear, however, that hybrid networks outperform regular CNNs in terms of performance. The CNN-Bi-LSTM hybrid architecture outperforms the CNN-LSTM network in terms of accuracy.

Limitation

The proposed approach relies on completely homomorphic encryption (HE) for the privacy-preserving analysis of medical image sequences. However, HE can be computationally expensive and may introduce additional complexity in terms of encryption and decryption operations. Deep learning algorithms, especially those involving convolutional and LSTM layers, can be computationally intensive. Performing these operations on encrypted image sequences can significantly increase the computational overhead, potentially leading to longer processing times. The framework’s efficacy may vary when dealing with heterogeneous data sources or imaging modalities, as the model may not generalize well to unseen variations. Robustness to different acquisition settings, image qualities, and imaging devices should be thoroughly investigated. While the proposed approach aims to protect patient privacy, there may still be ethical and legal concerns associated with the handling and processing of sensitive medical data, even in an encrypted form. Adherence to data protection regulations and patient consent requirements should be ensured.

6. Conclusions

In conclusion, deep learning algorithms have shown significant potential in improving healthcare applications, particularly in the field of medical imaging diagnosis, therapy, and illness management. However, the use of sensitive medical images in deep learning models raises concerns regarding privacy and data security. Balancing the improvement of medical imaging with the protection of patient anonymity is a challenging task. Privacy-preserving approaches for deep learning model training and inference are becoming increasingly popular for addressing these concerns. State-of-the-art CAD techniques have been employed to analyze these sequential image sequences. However, the privacy issues associated with uploading medical photos to servers remain. This article presents a novel approach utilizing a convolutional Bi-LSTM network to assess completely HE time-series medical image data. The efficacy of the framework is demonstrated using two challenging benchmarks—the CheXpert dataset and the BreaKHis public dataset. The results expose that the anticipated approach outperforms numerous rival methods, achieving an impressive accuracy of above 0.99 for both datasets. This indicates that the framework successfully extracts visual depictions and captures sequential changing aspects from encrypted medical picture sequences while preserving privacy.
In addition to the proposed framework, future work should focus on further investigating and developing privacy-preserving approaches for deep learning model training and inference on sensitive medical images. Techniques such as federated learning can be explored to protect patient anonymity while maintaining the efficacy of deep learning algorithms in healthcare applications. By exploring advanced encryption methods, such as homomorphic encryption or secure multiparty computation, researchers can develop robust encryption techniques that maintain data privacy while allowing for the accurate analysis of time-series medical images. The goal is to strike a balance between maintaining privacy and preserving the integrity and usefulness of the medical data during deep learning analysis. The convergence of health policy and IoT systems presents both opportunities and challenges, particularly concerning ethical considerations and shared responsibility. Here are some actionable conclusions that the industry can consider in order to navigate these complexities while safeguarding privacy: in the future, convolutional blocks will be used for obtaining spatial characteristics from encrypted image patterns, while Bi-LSTM-based sequence evaluation layers will be used to represent temporal data. To enhance recital and reduce missed diagnoses, a weighted unit and sequence voting layer leverages geographical and temporal variables with dissimilar weights.

Author Contributions

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

Funding

This study is supported via funding from Prince Sattam bin Abdulaziz University project number (PSAU/2023/R/1444).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The author proceeds within an AI approach and uses open access datasets.

Conflicts of Interest

The author has no conflict of interest of any form with any individual or with any organization or anybody.

References

  1. Anand, A.; Singh, A.K. An improved DWT-SVD domain watermarking for medical information security. Comput. Commun. 2020, 152, 72–80. [Google Scholar] [CrossRef]
  2. Garcia-Hernandez, J.J.; Gomez-Flores, W.; Loyola, J.R. Analysis of the impact of digital watermarking on computer-aided diagnosis in medical imaging. Comput. Biol. Med. 2016, 68, 37–48. [Google Scholar] [CrossRef]
  3. Fan, T.-Y.; Chao, H.-C.; Chieu, B.-C. Lossless medical image watermarking method based on significant difference of cellular automata transform coefficient. Signal Process. Image Commun. 2019, 70, 174–183. [Google Scholar] [CrossRef]
  4. Ali, Z.; Imran, M.; Alsulaiman, M.; Shoaib, M.; Ullah, S. Chaos-based robust method of zero-watermarking for medical signals. Future Gener. Comput. Syst. 2018, 88, 400–412. [Google Scholar] [CrossRef]
  5. Wang, X.; Wan, L.; Huang, M.; Shen, C.; Han, Z.; Zhu, T. Low-complexity channel estimation for circular and noncircular signals in virtual MIMO vehicle communication systems. IEEE Trans. Veh. Technol. 2020, 69, 3916–3928. [Google Scholar] [CrossRef]
  6. Natarajan, V. Hybrid local prediction error-based difference expansion reversible watermarking for medical images. Comput. Electr. Eng. 2016, 53, 333–345. [Google Scholar]
  7. Gangadhar, Y.; Akula, V.S.G.; Reddy, P.C. An evolutionary programming approach for securing medical images using watermarking scheme in invariant discrete wavelet transformation. Biomed. Signal Process. Control 2018, 43, 31–40. [Google Scholar] [CrossRef]
  8. Sharma, A.; Singh, A.K.; Ghrera, S.P. Secure hybrid robust watermarking technique for medical images. Procedia Comput. Sci. 2015, 70, 778–784. [Google Scholar] [CrossRef]
  9. Bouslimi, D.; Coatrieux, G. A crypto-watermarking system for ensuring reliability control and traceability of medical images. Signal Process. Image Commun. 2016, 47, 160–169. [Google Scholar] [CrossRef]
  10. Liu, C.; Zhong, D.; Shao, H. Data protection in palmprint recognition via dynamic random invisible watermark embedding. IEEE Trans. Circuits Syst. Video Technol. 2022, 32, 6927–6940. [Google Scholar] [CrossRef]
  11. Malayil, M.V.; Vedhanayagam, M. A novel image scaling based reversible watermarking scheme for secure medical image transmission. ISA Trans. 2021, 108, 269–281. [Google Scholar] [CrossRef]
  12. Li, X.-B.; Qin, J. Anonymizing and sharing medical text records. Inf. Syst. Res. 2017, 28, 332–352. [Google Scholar] [CrossRef] [PubMed]
  13. Price, W.N.; Cohen, G. Privacy in the age of medical big data. Nat. Med. 2019, 25, 37–43. [Google Scholar] [CrossRef]
  14. Hua, Z.; Yi, S.; Zhou, Y. Medical image encryption using high-speed scrambling and pixel adaptive diffusion. Signal Process. 2018, 144, 134–144. [Google Scholar] [CrossRef]
  15. Silva-García, V.M.; Flores-Carapia, R.; Rentería-Márquez, C.; Luna-Benoso, B.; Aldape-Pérez, M. Substitution box generation using Chaos: An image encryption application. Appl. Math. Comput. 2018, 332, 123–135. [Google Scholar] [CrossRef]
  16. Liu, Y.; Tang, S.; Liu, R.; Zhang, L.; Ma, Z. Secure and robust digital image watermarking scheme using logistic and RSA encryption. Expert Syst. Appl. 2018, 97, 95–105. [Google Scholar] [CrossRef]
  17. Wang, Z.; Li, M.; Wang, H.; Jiang, H.; Yao, Y.; Zhang, H.; Xin, J. Breast cancer detection using extreme learning machine based on feature fusion with CNN deep features. IEEE Access 2019, 7, 105146–105158. [Google Scholar] [CrossRef]
  18. Shen, L.; Margolies, L.R.; Rothstein, J.H.; Fluder, E.; McBride, R.; Sieh, W. Deep learning to improve breast cancer detection on screening mammography. Sci. Rep. 2019, 9, 12495. [Google Scholar] [CrossRef]
  19. Lee, R.S.; Gimenez, F.; Rubin, A.D.H. Curated breast imaging subset of DDSM. Cancer Imag. Arch. Tech. Rep. 2016. [Google Scholar]
  20. Zhang, H.; Wu, C.; Zhang, Z.; Zhu, Y.; Lin, H.; Zhang, Z.; Sun, Y.; He, T.; Mueller, J.; Manmatha, R.; et al. ResNeSt: Split-attention networks. arXiv 2020, arXiv:2004.08955. [Google Scholar]
  21. Zhang, Y.; Wang, S.; Wu, H.; Hu, K.; Ji, S. Brain Tumors Classification for MR images based on Attention Guided Deep Learning Model. In Proceedings of the 2021 43rd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), Jalisco, Mexico, 1–5 November 2021; pp. 3233–3236. [Google Scholar] [CrossRef]
  22. Jin, Y.; Dou, Q.; Chen, H.; Yu, L.; Heng, P.A. EndoRCN: Recurrent convolutional networks for recognition of surgical workflow in cholecystectomy procedure video. IEEE Trans. Med. Imaging 2016, 53347671. [Google Scholar]
  23. Ghosh, P.; Azam, S.; Hasib, K.M.; Karim, A.; Jonkman, M.; Anwar, A. A Performance Based Study on Deep Learning Algorithms in the Effective Prediction of Breast Cancer. In Proceedings of the 2021 International Joint Conference on Neural Networks (IJCNN), Shenzhen, China, 18–22 July 2021; pp. 1–8. [Google Scholar] [CrossRef]
  24. Zheng, J.; Lin, D.; Gao, Z.; Wang, S.; He, M.M.; Fan, J. Deep Learning Assisted Efficient AdaBoost Algorithm for Breast Cancer Detection and Early Diagnosis. IEEE Access 2020, 8, 96946–96954. [Google Scholar] [CrossRef]
  25. Yan, Y.; Zhao, K.; Cao, J.; Ma, H. Prediction research of cervical cancer clinical events based on recurrent neural network. Procedia Comput. Sci. 2021, 183, 221–229. [Google Scholar] [CrossRef]
  26. Zhang, X.; Li, R.; Dai, H.; Liu, Y.; Zhou, B.; Wang, Z. Localization of Myocardial Infarction With Multi-Lead Bidirectional Gated Recurrent Unit Neural Network. IEEE Access 2019, 7, 161152–161166. [Google Scholar] [CrossRef]
  27. Fan, J.; Vercauteren, F. Somewhat practical fully homomorphic encryption. Cryptology ePrint Arch. 2012, 144. [Google Scholar]
  28. Samardzic, N.; Feldmann, A.; Krastev, A.; Manohar, N.; Genise, N.; Devadas, S.; Eldefrawy, K.; Peikert, C.; Sanchez, D. CraterLake: A hardware accelerator for efficient unbounded computation on encrypted data. In Proceedings of the 49th Annual International Symposium on Computer Architecture (ISCA ‘22). Association for Computing Machinery, New York, NY, USA, 18–22 June 2022; pp. 173–187. [Google Scholar] [CrossRef]
  29. Mert, A.C.; Öztürk, E.; Savaş, E. Design and implementation of encryption/decryption architectures for BFV homomorphic encryption scheme. IEEE Trans. Very Large Scale Integr VLSI Syst. 2019, 28, 353–362. [Google Scholar] [CrossRef]
  30. Ibarrondo, a.; Chabanne, H.; Despiegel, V.; Önen, M. Colmade: Collaborative Masking in Auditable Decryption for BFV-based Homomorphic Encryption. In Proceedings of the 2022 ACM Workshop on Information Hiding and Multimedia Security (IH&MMSec ‘22), New York, NY, USA, 27–28 June 2022; Association for Computing Machinery: New York, NY, USA, 2022; pp. 129–139. [Google Scholar] [CrossRef]
  31. Yang, H.; Liang, S.; Zhang, Y.; Li, X. Cloud-based privacy-and integrity-protecting density peaks clustering. Cloud-based privacy and integrity-protecting density peaks clustering. Future Gener. Comput. Syst. 2021, 125, 758–769. [Google Scholar] [CrossRef]
  32. Zhang, X.; Chen, C.; Xie, Y.; Chen, X.; Zhang, J.; Xiang, Y. A survey on privacy inference attacks and defenses in cloud-based Deep Neural Network. Comput. Stand. Interfaces 2023, 83, 103672. [Google Scholar] [CrossRef]
  33. Natsheh, Q.; Sălăgean, A.; Zhou, D.; Edirisinghe, E. Automatic Selective Encryption of DICOM Images. Appl. Sci. 2023, 13, 4779. [Google Scholar] [CrossRef]
  34. Kanso, A.; Ghebleh, M. An efficient and robust image encryption scheme for medical applications. Commun. Nonlinear Sci. Numer. Simul. 2015, 24, 98–116. [Google Scholar] [CrossRef]
  35. Song, W.; Fu, C.; Zheng, Y.; Tie, M.; Liu, J.; Chen, J. A parallel image encryption algorithm using intra bitplane scrambling. Math. Comput. Simul. 2023, 204, 71–88. [Google Scholar] [CrossRef]
  36. Ding, Y.; Wu, G.; Chen, D.; Zhang, N.; Gong, L.; Cao, M.; Qin, Z. DeepEDN: A deep-learning-based image encryption and decryption network for internet of medical things. IEEE Internet Things J. 2021, 8, 1504–1518. [Google Scholar] [CrossRef]
  37. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Proceedings of the NIPS2015, Montreal, QC, Canada, 7–12 December 2015; pp. 2672–2680. [Google Scholar]
  38. Liu, W.; Liu, X.; Ma, H.; Cheng, P. Beyond Human-level License Plate Super-resolution with Progressive Vehicle Search and Domain Priori GAN. In Proceedings of the 25th ACM International Conference on Multimedia, Mountain View, CA, USA, 23–27 October 2017; pp. 1618–1626. [Google Scholar]
  39. Yi, Z.; Zhang, H.; Tan, P.; Gong, M. DualGAN: Unsupervised Dual Learning for Image-to-Image Translation. In Proceedings of the IEEE ICCV2017, Venice, Italy, 22–29 October 2017; pp. 2868–2876. [Google Scholar]
  40. Radanliev, P.; De Roure, D. Epistemological and bibliometric analysis of ethics and shared responsibility—Health policy and IoT systems. Sustainability 2021, 13, 8355. [Google Scholar] [CrossRef]
  41. Jain, D. Regulation of Digital Healthcare in India: Ethical and Legal Challenges. Healthcare 2023, 11, 911. [Google Scholar] [CrossRef]
  42. Zhang, Z.; Gao, Q.; Liu, L.; He, Y. A High-Quality Rice Leaf Disease Image Data Augmentation Method Based on a Dual GAN. IEEE Access 2023, 11, 21176–21191. [Google Scholar] [CrossRef]
  43. Liu, X.; Zhang, T.; Zhang, J. Toward visual quality enhancement of dehazing effect with improved Cycle-GAN. Neural Comput. Appl. 2023, 35, 5277–5290. [Google Scholar] [CrossRef]
  44. Panzade, P.; Takabi, D. FENet: Privacy-preserving Neural Network Training with Functional Encryption. In Proceedings of the 9th ACM International Workshop on Security and Privacy Analytics (IWSPA ‘23), Charlotte, NC, USA, 26 April 2023; Association for Computing Machinery: New York, NY, USA, 2023; pp. 33–43. [Google Scholar] [CrossRef]
  45. Zhao, D. Communication-Efficient Search under Fully Homomorphic Encryption for Federated Machine Learning. arXiv 2023, arXiv:2308.04648. [Google Scholar]
  46. Li, Q.; Lai, Y.; Adamu, M.J.; Qu, L.; Nie, J.; Nie, W. Multi-Level Residual Feature Fusion Network for Thoracic Disease Classification in Chest X-ray Images. IEEE Access 2023, 11, 40988–41002. [Google Scholar] [CrossRef]
Figure 1. Sample images from the dataset used in this study.
Figure 1. Sample images from the dataset used in this study.
Ai 04 00037 g001
Figure 2. Workflow of the recommended deep learning-based application that protects the privacy and uses homomorphic encryption.
Figure 2. Workflow of the recommended deep learning-based application that protects the privacy and uses homomorphic encryption.
Ai 04 00037 g002
Figure 3. CNN + Bi-LSTM structure.
Figure 3. CNN + Bi-LSTM structure.
Ai 04 00037 g003
Figure 4. Accuracy of CNN-Bi-LSTM model on CheXpert and BreakHis datasets.
Figure 4. Accuracy of CNN-Bi-LSTM model on CheXpert and BreakHis datasets.
Ai 04 00037 g004
Figure 5. Loss of CNN-Bi-LSTM model on CheXpert and BreakHis datasets.
Figure 5. Loss of CNN-Bi-LSTM model on CheXpert and BreakHis datasets.
Ai 04 00037 g005
Table 1. Result of various baseline model comparison based on performance metrics.
Table 1. Result of various baseline model comparison based on performance metrics.
CheXpertBreakHis
ModelAccuracyPrecisionRecallF1-ScoreAccuracyPrecisionRecallF1-Score
CNN0.9240.9320.9280.9300.9350.9360.9400.951
LSTM0.9440.9450.9520.9440.9450.9420.9480.943
Bi-LSTM0.9540.9620.9510.9680.9560.9570.9520.945
CNN-LSTM0.9720.9840.9770.9760.9640.9620.9630.970
CNN-Bi-LSTM0.9990.9980.9911.000.9990.9980.9970.998
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Kolhar, M.; Aldossary, S.M. Privacy-Preserving Convolutional Bi-LSTM Network for Robust Analysis of Encrypted Time-Series Medical Images. AI 2023, 4, 706-720. https://doi.org/10.3390/ai4030037

AMA Style

Kolhar M, Aldossary SM. Privacy-Preserving Convolutional Bi-LSTM Network for Robust Analysis of Encrypted Time-Series Medical Images. AI. 2023; 4(3):706-720. https://doi.org/10.3390/ai4030037

Chicago/Turabian Style

Kolhar, Manjur, and Sultan Mesfer Aldossary. 2023. "Privacy-Preserving Convolutional Bi-LSTM Network for Robust Analysis of Encrypted Time-Series Medical Images" AI 4, no. 3: 706-720. https://doi.org/10.3390/ai4030037

Article Metrics

Back to TopTop