You are currently viewing a new version of our website. To view the old version click .
Sensors
  • Article
  • Open Access

28 October 2022

Secure Bluetooth Communication in Smart Healthcare Systems: A Novel Community Dataset and Intrusion Detection System †

,
,
,
,
,
,
and
1
Kindi Center for Computing Research, Qatar University, Doha P.O. Box 2713, Qatar
2
Department of Computer Science, Qatar University, Doha P.O. Box 2713, Qatar
3
Department of Computer Science and Engineering, Washington University in St. Louis, St. Louis, MO 63130, USA
4
Copenhagen Emergency Medical Service, 3400 Hillerød, Denmark
This article belongs to the Special Issue Smart Healthcare Systems Based on the Internet of Things and Artificial Intelligence

Abstract

Smart health presents an ever-expanding attack surface due to the continuous adoption of a broad variety of Internet of Medical Things (IoMT) devices and applications. IoMT is a common approach to smart city solutions that deliver long-term benefits to critical infrastructures, such as smart healthcare. Many of the IoMT devices in smart cities use Bluetooth technology for short-range communication due to its flexibility, low resource consumption, and flexibility. As smart healthcare applications rely on distributed control optimization, artificial intelligence (AI) and deep learning (DL) offer effective approaches to mitigate cyber-attacks. This paper presents a decentralized, predictive, DL-based process to autonomously detect and block malicious traffic and provide an end-to-end defense against network attacks in IoMT devices. Furthermore, we provide the BlueTack dataset for Bluetooth-based attacks against IoMT networks. To the best of our knowledge, this is the first intrusion detection dataset for Bluetooth classic and Bluetooth low energy (BLE). Using the BlueTack dataset, we devised a multi-layer intrusion detection method that uses deep-learning techniques. We propose a decentralized architecture for deploying this intrusion detection system on the edge nodes of a smart healthcare system that may be deployed in a smart city. The presented multi-layer intrusion detection models achieve performances in the range of 97–99.5% based on the F1 scores.

1. Introduction

Cities are being transformed into smart cities via Internet-of-Things (IoT) technology. Smart cities use technologies for sensing, networking, and computation to enhance the quality of life and well-being of inhabitants. Such smart cities also require new service-centric computing paradigms for next-generation networks (5G, 6G, and beyond) []. While there are numerous networking technologies available for long-range communications, the most widely used technology for close-proximity communications is Bluetooth. Bluetooth is well suited for operations on resource-constrained mobile devices due to its low power consumption, low cost, and support for multimedia, such as data and audio streaming. Bluetooth is also widely used in smart healthcare systems to enable untethered wireless communications between smart healthcare devices. Recently, Bluetooth was prominent in its adoption for contact-tracing applications in the fight against the COVID-19 global pandemic [].
By the year 2030 [], the number of IoT devices is expected to surge by 124 billion. Moreover, the healthcare economy statistics predict that the market for IoT devices will grow from USD 20 billion in 2015 to USD 70 billion in 2025. It was also reported that 30.3 % of the IoT devices in use are in the health sector []. The massive deployment of IoT devices in heterogeneous networks with multiple technologies and protocols (such as Wi-Fi, long-term evolution (LTE), Bluetooth, and ZigBee) makes the task of securing such networks very complex. Research from the Information Systems Audit and Control Association (ISACA) [] on smart cities identified the security of IoT devices as important, as numerous smart city critical infrastructure (CI) concepts (e.g., intelligent transport, healthcare system, and energy distribution) rely on the robustness and security of smart technologies and IoT devices [].
As the number of Internet of Medical Things (IoMT) devices increases, the network becomes congested, which leads to bandwidth and latency bottlenecks []. For instance, an IoMT device sends data to a medical professional for regular analysis. This transmission of data to the cloud can potentially cause latency and bandwidth congestion in the communication path [], which could endanger the life of the patient. To address this challenge, the edge cloud concept has emerged for the IoMT paradigm. An edge cloud improves efficiency and provides more reliability for the smart healthcare system. The quick response time and reduced energy consumption will result in longer battery life for medical devices and reduce the usage of network bandwidth [,].
The exponential growth of IoT devices and the massive interconnectivity between such devices greatly opens up the potential attack surface for smart healthcare services that may be exploited by malicious actors. IoT devices are vulnerable to various medium- and high-severity attacks []. Various vulnerabilities allow the intruders to perform a wide range of attacks, such as denial of service (DoS), distributed DoS (DDoS), man-in-the-middle (MITM), data leakage, and spoofing. These attacks result in the unavailability of system resources and can lead to physical harm to the individuals when the patient is ambulance-bound or hospital-bound. According to a report from the Global Connected Industries Cybersecurity, 82 % of healthcare facilities experience cyber-attacks, amongst which, 30 % target IoT devices []. The potential weakness in the network, IoT device, and protocol allows the attackers to access the network completely in an unauthorized way (e.g., Mirai attack) []. Apart from these cyber-attacks, insecure operating systems, and application vulnerabilities are other major threats to the healthcare system. Investigations show that 83 % of IoT devices run on outdated operating systems, and around 51 % of the cyber threats in the health sector concern imaging devices, which lead to the disruption of communication between patients and medical professionals. Moreover, 98 % of IoT device traffic is in plain text that can be intercepted by adversaries.
Traditional security mechanisms cannot be enforced in the IoT network because the network protocol stack itself may have numerous vulnerabilities. Zero-day attacks are very difficult to be detected by traditional security mechanisms due to computational expenses, which do not go well with the resource-constrained nature of typical IoT devices []. Conventional perimeter security controls only defend against external attacks, but they fail to detect internal attacks within the network. An intelligent and faster detection mechanism is required to guarantee the security of the IoT network for countering new threats before the network is compromised.
In this paper, our focus is on the security of Bluetooth communication in smart healthcare systems. After reviewing the significant security problems, we focus on the detection of wireless attacks against IoMT. Wireless attacks are performed when the data are at rest or in transmission from one device to another device in a wireless medium over different channels using various protocols, namely Bluetooth low energy (BLE), Bluetooth basic rate/ enhanced data rate (BR/EDR), Wi-Fi, long-range (LoRA), etc. The openness of the wireless network poses threats to the entire network and can end up compromising the entire system. The attacker may perform various attacks, such as peer-to-peer, denial-of-service, eavesdropping, man-in-the-middle (MITM), and authentication attacks to take over the IoMT device or complete network. The main contributions of this study are as follows:
  • We curated a novel first-of-its-kind BlueTack dataset for Bluetooth-based IoT attacks. The BlueTack dataset consists of popular attacks against Bluetooth BR/EDR or Bluetooth classic protocols, namely: Bluesmack, DoS, DDoS, and similar attacks, such as DDoS and MITM attacks on the BLE protocol. To the best of our knowledge, this is the first intrusion detection dataset for the Bluetooth classic protocol and BLE. The BlueTack dataset will be made publicly accessible as described in the Dataset Availability Statement.
  • A secure and scalable framework for the deployment of an intrusion detection system(s) (IDS) on the edge nodes of IoT-based healthcare systems in smart cities. The framework guarantees quicker identification of malicious activities to ensure the safety of critically ill patients transported by ambulances.
  • A multi-layer intrusion detection model using deep learning (DL) to protect the edge nodes of the smart healthcare IoMT system. Since IoMT is composed of several resource-constrained devices, deploying the DL model on the IoMT device itself for advanced functionality is impractical. Hence, The IDS is divided into two layers: Layer _ 1 (where preprocessing is performed on IoMT devices or the edge node) and Layer _ 2 (a standalone GPU capability device in which the DL model is deployed). The proposed DL-based IDS achieves 99 % accuracy while being deployed in a real-time scenario.
The flow of this paper is structured as follows: Section 2 provides an overview of related work, followed by Section 3, which illustrates the proposed model, architecture, and dataset in detail. We show the results of the performance evaluation of the proposed model in Section 4. Finally, the work is concluded with future directions in Section 5.

3. Methodology

To understand the application of the proposed architecture, we consider a scenario of an IoMT system (i.e., smart healthcare system) that comprises multiple IoMT devices as shown in Figure 2. Vital information from the IoMT devices is transferred to edge devices and the cloud and is further sent to the medical staff.
Figure 2. Architecture of the proposed security framework. The proposed system involves an edge cloud for reducing request/response delays. The IDS is multi-level and suits the resource restrictions of IoMT devices.

3.1. Scalable Architecture

By considering the significant security mechanisms, we designed a scalable architecture to deliver appropriate patient details to the medical experts from patient care efficiently and without manipulation, i.e., tampering. Our ultimate goal is to provide a security mechanism to detect malicious activities against Bluetooth communication on the edge node. The proposed architecture has enforced security policies, and detection mechanisms at the edge cloud and edge nodes to ensure fast response and secure emergency services. Edge computing helps to process the data efficiently with a quicker response time and assists with the deployment of the IDS. Figure 2 represents the proposed architecture of smart healthcare for detecting malicious behaviors of ambulance-bound, Bluetooth-enabled IoT medical devices in the smart healthcare system.
As the complete information of the patient flows in and out through the medical IoT gateway, it allows for a potential attacking surface to compromise the complete system by (1) targeting the medical IoT gateway to manipulate information before sending it to the medical professional or by (2) launching DoS/DDoS or MITM attacks to make the information manipulated or unavailable. Such malevolent activities can potentially put the patient’s life at risk. To avoid such abrupt manipulation of the information, we enforced a multi-layer intrusion detection model on the edge nodes of the healthcare system. The detection system comprises two layers, namely, Layer _ 1 and Layer _ 2 . Layer _ 1 is responsible for gathering patient information through a gateway and performing the preprocessing, feature engineering, and feature selection techniques using various ML algorithms. Layer _ 2 will detect the abnormal activities of the Bluetooth traffic on the edge node using a DNN classifier. Next, we describe in detail the features of each layer:

3.1.1. Layer _ 1

Layer _ 1 receives data from various medical IoT devices. The data from IoT devices is received at medical IoT gateways to analyze and store on the edge node. The fetched information is deeply analyzed and processed before it is transmitted to the medical professional for diagnosis. On this layer, preprocessing, feature engineering, and feature selection techniques using various ML algorithms are performed. Data preprocessing helps to provide the privacy of the medical information from the IoT devices because the information received from IoT devices is in plain text that can be intercepted by adversaries to perform medium- and high-severity attacks []. Data preprocessing is performed to transform actual data into data compatible with ML/DL models. For this process, we used numericalization (where a string is converted into integer (stoi), and then encoded into tokenized sentences before feeding to any model) and normalization. Data preprocessing helps the model to be trained and tested quickly. It also increases the accuracy of classification. We provide a detailed explanation of these stages below.
Eliminating/Dropping features: While capturing the traffic, we eliminated some information, such as source and destination information, due to two major issues, firstly, in some scenarios, it is difficult for the sniffer to collect this information [], while in other cases, the adversary may spoof its address giving wrong information. In both cases, the classifier attempted to misclassify the traffic by replacing the missing values with some random numbers, giving higher false positives and true negatives. Likewise, we eliminated some other unimportant and irrelevant features.
Feature selection: In this process, significant features were selected from the dataset by applying various feature selection techniques [,]. Feature selection increases the model performance, decreases computational cost, and also increases storage efficiency. Additionally, using appropriate features reduce the problem of overfitting.
There are various ML approaches for selecting features, such as filter-based methods, wrapper methods, embedded, and statistical methods. In the univariate selection technique, a statistical test is applied to each feature to select the features, which have a strong bond with the output variables. We used Chi square (chi-2), in Equation (1), which gives the level of independence between the features x _ t and the label y _ t ; it differentiates the chi-distribution, with the degree of freedom as 1.
χ 2 ( x t , y t ) = M · ( F Z P Q ) 2 ( F + P ) ( F + Q ) ( P + Z ) ( Q + Z )
where F indicates the frequency of the features and their labels in a dataset; P = frequency of the features emerges without a label; Q = frequency of label emerges without features; Z = frequency of neither features nor label emerges in the given dataset; and M = no. of training samples x t = x 1 , x 2 , x i and prediction sequence y t = y 1 , y 2 , y i .
Recursive feature elimination (RFE) is an effective method to find an optimal set of features for both regression and classification tasks. Initially, it creates a model dependent on all the features and estimates the importance of each feature of a given dataset. It priorities the features based on the rank order and eliminates those features that are of the least importance based on the evaluation metrics (in our case, we selected accuracy as a metric to find the optimal features) of the proposed model (DNN), which is depicted in Figure 3.
Figure 3. Accuracy of the model based on several features. Based on the varying accuracy of the number of features, we chose nine features from the dataset to train and test the model.
We also utilized logistic regression (LR) and random forest (RF) [] to determine which features contributed to the output variable []. Table 3 and Table 4 show (“True” value), which indicates that the feature contributed to the output variable, based on each univariate selection algorithm. The final score is given based on the cumulative of the four algorithms used. In the BR/EDR and BLE dataset, they contain four and five non-numerical values, respectively. The non-numerical values are converted to numeric values before they are fed to the model using one-hot encoders, a process called numericalization. Finally, we only selected the features that were important for identifying abnormal activities.
Table 3. Univariate selection score of the BR/EDR selected feature.
Table 4. Univariate selection score of BLE selected features.
Normalization: This is a feature engineering technique used to have the data in one range for faster processing and classifier accuracy. There are various normalization techniques available, among which Z-score normalization is highly used due to its simplicity and performance accuracy [].

3.1.2. Layer _ 2

Initially, the medical data from IoT devices is collected and pre-processed on the first layer, and the collected events from Layer _ 1 events are sent for detection and identification to the second layer (the edge node). If any manipulation or deviation in the Bluetooth traffic is identified, an alert is triggered. On this layer, the events of the IoT medical device are actively captured and recorded on the events collector and are placed on the EPCRD device. This traffic is fed in the format of a feature vector, which is represented in Equation (2).
X ( t ) = ( E 1 , E 2 , E 3 , , E n )
This feature vector is fed to Layer _ 2 to identify the malicious activities on this device based on the DL technique, which is deployed on the second layer of the edge node. The reason for placing two layers of intrusion detection is to protect the IoT system from device-based attacks and to have full coverage of the IoT healthcare network. The classifier model gives 99 % accuracy, which has been placed on Layer _ 2 . As the preprocessing and intrusion detection phases are separated on different devices, the resulting system constitutes a multi-layer IDS. At last, the IDS model triggers an alert for the administrator to take the required course of action against the intrusion.

3.2. Dataset Description

We developed a Bluetooth (BR/EDR and BLE) dataset using realistic traffic generated using the smart healthcare testbed [] as described above in Figure 2, with the following specifications: GPU 128-core Maxwell, CPU Quad-core ARM A57 @1.43 GHz, and memory of 4 GB 64-bit LPDDR4 25.6 GB/s; this device is commonly known as NVIDIA Jetson Nano. The dataset comprises abstract meta-information from the network traffic flow link layer (data link) of the Bluetooth-enabled IoMT network. The generated data do not cover the exact patient vital information but we considered the payload size of the vital during data generation and transmission.
While generating the data, we used three IoMT devices that were easily available in the market (SpO2, heart rate, and ECG), which operated wirelessly. During the data generation process, we considered Bluetooth version.4 and above. We observed some delays in data transmission for DoS attacks. However, in a DDoS attack, the IoMT device stops sending the data transmissions, and the device malfunctions. The generated data are stored in the local drive of the edge node.
We collected 5 GB of BR/EDR and BLE data over about 76 h during normal traffic patterns and while performing the attacks. Therefore, the data collected included benign and malicious traffic. The performed attacks were DDoS, Bluesmack, MITM, and DoS on the L2CAP (link layer control adaption protocol) layer of the Bluetooth protocol stack. The L2CAP protocol was located in the data link layer of the stack, and it provided connectionless and connection-oriented data services to the top layer protocols. It allowed the upper-level protocols and applications to send and receive the data frames.
After analyzing the captured traffic in the preprocessing data, we used a Dell Precision T5820 workstation having the feature of Intel® Xeon® W-2245 (16.5 MB cache, 8 cores, 16 threads, 3.90 GHz to 4.70 GHz Turbo, 155 W), NVIDIA® RTX™ A4000, 16 GB GDDR6, 4 DP. The data preparation process was done using Python libraries. These libraries are most efficient in the domain of data science (e.g., Pandas). Pandas supports various input and output data formats and has strong probabilities in estimating the statics and elementary visualization []. Finally, we selected nine features from each dataset through statistical methods and correlation analysis as presented in Table 3 and Table 4.

3.3. IDS Classifiers

The entire classification process is divided into two main stages—training and testing. In the training phase, some samples of a dataset are used to train the model. In the testing phase, new samples are fed to the classifier from the test dataset to evaluate the performance. To validate the dataset performance, we used existing supervised and unsupervised ML algorithms in addition to the proposed DL model for training and testing. The reason for using various ML and the proposed DL models is to benchmark it and to show that the dataset is free from abnormal results on different classifier models. Many of the datasets used in the literature are algorithm-dependent []. Our dataset produced acceptable accuracy for supervised and unsupervised ML and DL models. Various experiments with different classifiers helped us build the most efficient DL model to identify malicious activities with more than 99 % accuracy.

3.3.1. Classifier Using Supervised ML Algorithms

Among the existing supervised ML algorithms, we selected the most popular ones, namely: logistic regression (LR), decision tree (DT), support vector machine (SVM), and random forest (RF). We provide short descriptions of the algorithms that we used in experiments.

3.3.2. Classifier Using Unsupervised ML Algorithms

The selected algorithms are naïve Bayes (NB), isolation forest (IF), K-Means (KM), and local outlier factor (LOF). Unsupervised algorithms are trained without using the labels of the features in the dataset. IoMT devices operate on different protocols, and due to this complexity, vulnerabilities may emerge. Furthermore, with classical ML algorithms, many attacks cannot be detected when the attacker does a small manipulation over time. DL techniques can recognize unknown patterns, outliers, and small changes from the training model.

3.3.3. Classifier Using DNN

We used the multilayer perceptron (MLP) model, which is one of the categories of the feed-forward neural network (FNN), with multiple layers: one input layer, one output layer, and three hidden layers. Each layer consists of a set of neurons. The process of assembling the hidden layers is known as a DNN, as depicted in Figure 4. The DNN-IDS training comprises two phases—forward propagation and backward propagation. In forward propagation, output values are calculated. Whereas, in backward propagation, the weights are updated by passing the residual. The training of the model is implemented using Keras (with TensorFlow backend) and Table 5 provides detailed information on the various functions and parameters used. The combination of all layers is reflected in Figure 4. The model’s hidden layers are formulated as in the MLP. The vector and the biases are represented as b h and b y .
f ( θ ) = L ( y t : y ^ t )
Figure 4. DNN architecture for the proposed IDS. It has three hidden layers with softmax as the output layer.
Table 5. DNN architectural hyperparameters.
  • Hidden layer:
    H l ( x ) = H l 1 ( H l 1 1 ( H l 2 ( ( H l 1 ( x ) ) ) ) )
  • Training samples:
    x t = x 1 , x 2 , x 3 , x 4 , , x i 1 , x i
  • Hidden states:
    h t = h 1 , h 2 , h 3 , h 4 , , h i 1 , h i
  • Predictions of sequence:
    y ^ t = y 1 , y 2 , y 3 , y 4 , y i 1 , y i
  • Input-hidden weighted matrix:
    W l x · W l h
  • Output-hidden weighted matrix:
    W l y
The objective function of the model, defined as the single pair of the training example ( x t , y t ) is: L is described as the distance calculating the actual y t and y ^ t denote the prediction labels, η denotes the learning rate and k denotes the number of iterations. In DNN, each hidden layer uses a non-linear activation function to model the gradient error. Among various activation functions, ReLU gives faster performance and can train the model with a huge number of hidden layers. For maximizing the efficiency of the DNN, we built the model by considering the binary-cross entropy loss function, ReLU function, and softmax function with non-linear activation to achieve greater accuracy among the most substantial probability value of each class. In addition, we applied dropout techniques, to counter the problem of overfitting, by ignoring the randomly selected neurons. During this process, downstream neurons are ignored in the forward propagation and updated weights are not applied for the backward pass []. The neuron weights are settled within the network and are tuned for specific features. This effect on the network will result in less sensitivity to the definite weights of the neurons, which makes better generalization and is less likely to overfit the training data. In the below subsections, we show the experiments that we performed in the selection of IDS classifiers for the IDS models.

4. Experimental Results

To choose the best classifier for Intrusion detection, we trained and tested the BR/EDR and BLE Bluetooth datasets with supervised and unsupervised ML algorithms and DNN. The experimental results and discussion are provided below.

4.1. Unsupervised ML Algorithms

4.1.1. BR/EDR Dataset

The BR/EDR dataset is trained and tested on four unsupervised ML algorithms with a balanced ratio of DOS attack and normal traffic pattern. We trained the four algorithms as binary classifiers to identify the DOS attack and normal traffic. The results achieved are shown in Table 6 and Figure 5. The naïve Bayes algorithm recorded the highest accuracy, precision, F1-score, and other favorable metrics among all the algorithms. The precision and recall scores of Isolation Forest achieved an acceptable level of prediction, while K-means and LOF achieve more than 55 % and 30 % of precision and recall, respectively. This suggests that these two algorithms are not suitable to train the IDS using the created BR/ EDR dataset. Moreover, the reason for lower precision and recall of LOF is a direct indication that the dataset is fully pre-processed. The dataset does not contain a high level of deviations and we performed intensive preprocessing on the dataset to make it normalized and free from outliers (in the Layer _ 1 of the IDS model). Furthermore, the features that have been selected are highly significant for the output class. The other three metrics are the F1 score, area under the ROC curve (AUC), and Cohen’s kappa scores. These metrics provide a homogeneous pattern to the previous three metrics for the Naïve Bayes classifier.
Table 6. Performance analysis of the BR/EDR IDS using unsupervised—ML algorithms.
Figure 5. Performance of BR/EDR–Unsupervised ML algorithms. This result shows that the dataset does not show any deviation irrespective of different models (i.e., the dataset is preprocessed intensively).

4.1.2. BLE Dataset

Similarly, the BLE dataset was trained and tested on the same unsupervised algorithms, but we modeled those as multiclass classifiers to identify DoS, MITM, and normal traffic from the samples. The performances of the classifiers are shown in Figure 6. The numeric scores of each class are visible in Table 7. Among the four unsupervised algorithms, naïve Bayes records the highest accuracy scores of 98 , 78 , and 80 for DoS, MITM, and normal traffic identification, respectively. Recall, precision, and other metrics fall close to the accuracy scores for the naïve Bayes classifier. Isolation forest, K-means, and LOF classifiers show better performances than the BR/EDR dataset with an average accuracy of 80 % for three classes.
Figure 6. Performances of BLE–unsupervised ML algorithms. Multiple attacks were trained on the same models of BR/EDR; we observe that the models are not biased.
Table 7. Performance analysis of the multiclass classification of the BLE IDS using supervised—ML algorithms.

4.2. Supervised ML Algorithms

4.2.1. BR/EDR Dataset

Likewise, the dataset BR/EDR was modeled as a binary classifier using four supervised ML algorithms each time, namely LR, DT, SVM, and RF to differentiate the DoS attack and normal traffic. The experimental results depicted in Figure 7 and Table 8 show that accuracy, precision, and recall are satisfactory for all classifiers. However, the RF classifier gave the highest score for all three metrics, followed by DT, SVM, and then LR. This is clear evidence that the classifier model and dataset are efficient in identifying malicious traffic of DoS attacks on Bluetooth medical IoT devices.
Figure 7. Performance of BR/EDR–supervised ML algorithms. The dataset and models are efficient in identifying malicious traffic behavior. (Deployed models are SVM and K-means).
Table 8. Performance analysis of the BR/EDR IDS using supervised–ML algorithms.
Figure 7 also records the F1-score, AUC score, and Cohen’s Kappa score, substantiating the inference that we deduced from the previous three metrics. Moreover, we can conclude that the dataset gives stable results using any of these supervised ML algorithms, of which RF and DT are the most recommended for general IoT devices and other networks. However, in the case of medical IoT devices, we need to choose a lightweight computationally inexpensive model. Among the tested algorithms, K-means (unsupervised) and SVM (supervised) are lightweight but they are computationally expensive in terms of training a model that is deployable on medical IoT devices. Nevertheless, the performance scores fall short for the real-time IDS model, so we investigated the DNN models using the created datasets.

4.2.2. BLE Dataset

The results of the multi-class model trained using the BLE dataset with four different algorithms are shown in Figure 8 and Table 9. We observe that, unlike LR, the accuracy scores of the three supervised algorithms, DT, SVM, and RF lie between 95 % and 98 % . Though the average performance of the three algorithms, namely, DoS, MITM, and normal, is satisfactory, it is difficult to choose the best among these three. Moreover, neither one of the single classifiers give better performances for the three identification classes to suit the real-time IDS performance. LR records less than 50 % accuracy and unstable scores for other metrics. Because of these shortcomings, we investigated the use of a DNN model for both of the datasets.
Figure 8. Performances of BLE–supervised ML algorithms. For real-time detection and deployment, neither of the single classifiers gave a better performance.
Table 9. Performance analysis of the multiclass classification of the BLE IDS using supervised–ML algorithms.

4.3. DNN Model

Two DNNs were modeled as binary and multi-class classifiers using BR/EDR and BLE datasets, respectively. The training accuracies of the two models were between 92 % and 95 % , as depicted in Figure 9. The testing accuracies were 98 % and above for both models. From these results, we conclude that the classifier model using DNN was the best among all the other algorithms we tested. This deduction was bolstered by considering the training and testing loss scores in Figure 10. The training loss of the two models started at approximately 0.3 and then reached 0.15 as the learning process went on. Similarly, the lowest Test loss recorded was 0.01 , which is an indication of a stable DNN model.
Figure 9. Training and testing accuracy. The proposed IDS DNN model for the BR/EDR and BLE datasets for 1000 epochs attained an accuracy of 98%.
Figure 10. Training and testing loss–DNN. The recorded test was a loss of 0.01, which indicated that DNN was reliable for the real-time application.
Additionally, to check the uniformity of the dataset, we tested various ratios of abnormal (malicious) and benign traffic patterns. The ratios of benign and abnormal patterns considered were 50–50, 75–25, and 80–20. Each time, the results that we achieved were consistent, which suggests that our dataset does not have any bias in the ratios of the traffic patterns. The accuracy scores of all the tests show that our dataset achieved less accuracy for unsupervised ML algorithms than for the supervised ML algorithms. From Table 10 and Figure 11, we deduce that the dataset can be considered a standard for training IDS models to identify DoS, DDoS, and Bluesmack attacks against Bluetooth IoMT devices. Moreover, in comparison to other models, our proposed model attained the best accuracy, as shown in Table 11.
Table 10. Performance analysis of the binary and multi-class classification of the proposed IDS (BR/EDR and BLE).
Figure 11. Performance analysis of the binary and multiclass of the proposed model for BR/EDR and BLE, respectively.
Table 11. Comparison of our model with existing IDS models).

5. Conclusions and Future Work

Bluetooth communication is widely adopted in IoMT devices due to its various benefits. Nevertheless, because of its simplicity as a personal wireless communication protocol, Bluetooth lacks security mechanisms, which may result in devastating outcomes for patients treated using wireless medical devices. As discussed, continuous monitoring of network activity is efficient in identifying cyber-attacks in most scenarios. We applied the same concept to Bluetooth-based medical IoT devices in a smart healthcare system. In this paper, we proposed a secure and scalable architecture and deployed the IDS on the edge nodes of the smart healthcare system. we explored the issues and limitations of Bluetooth communication technology in IoMT systems and current IDS for Bluetooth-enabled IoMT devices. The second outcome of this research is a standard Bluetooth dataset and a DNN-based classifier for Bluetooth traffic. To the best of our knowledge, this is the first intrusion detection dataset for the Bluetooth classic and BLE. From the results, we can see that the created dataset can be used to train the IDS model for identifying DoS, DDoS, and Bluesmack attacks on medical IoT devices operated using Bluetooth technology. We also deduce that the proposed IDS classifier using DNN gives more than 99 % accuracy, precision, and recall, which outperforms the existing models for identifying Bluetooth-based attacks.
In the future, we plan to enhance the following critical areas of the proposed model. (1) We look forward to enlarging our dataset with more attack types, other than DoS, DDoS, and MITM. (2) We plan to include the attack data of other protocols, such as Wi-Fi. (3) We will aim to improve the intrusion detection classifier to identify those attacks efficiently on different datasets (by applying data fusion or feature fusion techniques). (4) Furthermore, we plan to develop a mitigation technique for the identified attacks from our model and to detect unknown attacks so that the architecture can be extended to include mitigation mechanisms for the identified attacks.

Author Contributions

Conceptualization, M.Z., D.U. and A.A.-A.; methodology, M.Z., D.U. and A.A.-A.; software, M.Z.; validation, M.Z.; formal analysis, M.Z.; investigation, M.Z.; resources, M.Z. and D.U.; data curation, M.Z.; writing—original draft preparation, M.Z.; writing—review and editing, M.Z., A.G., D.U., A.A.-A., T.R., G.A., M.H. and J.Q.; visualization, M.Z.; supervision, D.U., A.A.-A. and J.Q.; project administration, D.U.; funding acquisition, D.U. All authors have read and agreed to the published version of the manuscript.

Funding

This publication was made possible by NPRP grant NPRP 100125-170250 from the Qatar National Research Fund (a member of Qatar Foundation).

Institutional Review Board Statement

Not applicable.

Data Availability Statement

The BlueTack dataset is available at: IEEE Dataport under the title BlueTack, doi: https://dx.doi.org/10.21227/skhs-0b39.

Acknowledgments

This publication was made possible by an NPRP grant, NPRP 10-0125-170250 from the Qatar National Research Fund (a member of the Qatar Foundation). The statements made herein are solely the responsibility of the authors.

Conflicts of Interest

The author declare no conflict of interest.

Appendix A

Table A1. Bluetooth vulnerabilities.
Table A1. Bluetooth vulnerabilities.
VersionVulnerabilities
Before Bluetooth Version 1.2In every pairing, the static key, which is based on Link keys, is reused. A malicious activity (eavesdrop and spoofing) can be performed on the legitimate device once the key is revealed [].
Before Bluetooth Version 2.1 +EDRShort PIN, no pin management, repeating of keystreams for every 23.3 h so if a connection lasts more than that, an identical keystream will be used, which can be useful for an attacker to decrypt the messages [].
Bluetooth Version 2.1 and 3.0In the communication between the Bluetooth devices, if any of the Bluetooth devices fail to support Security Mode 4, then the security mode will fall back to Mode 1, which has no security. Using static in the SSP may lead to executing the MITM attack [].
Before Bluetooth version 4.0Authentication challenges request a response, which discloses the information about the secret link key. Cipher Function E0 is considered as weak [].
All Bluetooth versionsLink key stored improperly, size of the encryption key as small as 1 byte, no user authentication, device can remain in discoverable/connectable mode for indefinite time [].
Table A2. Features candidates for the proposed model.
Table A2. Features candidates for the proposed model.
Extracted Feature CandidatesActual Feature CandidateDescription
Frame_length _storedFrame.cap_lenFrame Length of the captured file
Lengthbtl2cap.lengthLength of the Bluetooth logical link control and adaptation protocol (btl2cap).
L2CAPProtocolLogical link control adaption protocol (L2CAP).
HCI_EVTProtocolHost control interface (HCI) Event (EVT) protocol. In HCI_EVT, various activities are defined as page scans or inquiries.
HCI_ACLProtocolHCI asynchronous connectionless link (ACL), it is a transmission link for data communication.
HCI_CMDProtocolHCI command (CMD), it helps the host with the controlling ability of the link layer connection with other Bluetooth-enabled devices.
Receivedframe.P2P_dirIndicates the direction (dir) of the received packets in the communication, from point-to-point (P2P) (source to destination or vice-versa).
Sentframe.P2P_dirThis feature indicates the direction of the sent packets in the communication, from P2P (source to destination or vice-versa).
ACL_Data#hci_h4.type HCI_Packet_TypeACL transmission link for the data communication.
HCI_Evnt(hci_h4.type) HCI_Packet_TypeHost controller interface (HCI). Various HCI events are defined on this layer, such as inquiry, and complete the event to the page scan.
Master(bthci_acl_dst_role) Destination roleThis feature candidate describes the role of the master devices.
Slave(bthci_acl_dst_role) Destination roleThis feature candidate describes the role of the slave devices.
Unknown(bthci_acl_dst_role) Destination roleIt describes the role of the unknown devices.
PC(bthci_acl_dst_name) Destination device nameName of the destination device.
Destination _BDADDR(bthci_acl_dst_bd_addr) Destination_BD_ADDRBD_ADDR of the destination devices.
Source _BDADDR(bthci_acl_dst_src_addr) source_BD_ADDRBD_ADDR of the source devices.
PC1(bthci_acl_src_name) Source device nameName of the source device.
Read_RSSI(bthci_cmd_opcode) Command OpcodeThe command opcode is used to define the subcommand of the channels. Counted the RSSI.
Read_Tx(bthci_cmd_opcode) Command opcodePower transmission level of the signal.
Read_Link _Quality(bthci_cmd_opcode) Command opcodeLink quality of the transmission link.
Command _complete(bthci_evt_code) Event codeCommand complete while transmitting the data.
Disconnect complete(bthci_evt_code) Event codeDisconnect complete in the transmission process.

References

  1. Khatua, P.K.; Ramachandaramurthy, V.K.; Kasinathan, P.; Yong, J.Y.; Pasupuleti, J.; Rajagopalan, A. Application and assessment of internet of things toward the sustainability of energy systems: Challenges and issues. Sustain. Cities Soc. 2020, 53, 101957. [Google Scholar] [CrossRef]
  2. Das, D.; Zhang, J.J. Pandemic in a smart city: Singapore’s COVID-19 management through technology & society. Urban Geogr. 2021, 42, 408–416. [Google Scholar]
  3. Alrashdi, I.; Alqazzaz, A.; Aloufi, E.; Alharthi, R.; Zohdy, M.; Ming, H. AD-IoT: Anomaly detection of IoT cyberattacks in smart city using machine learning. In Proceedings of the 2019 IEEE 9th Annual Computing and Communication Workshop and Conference (CCWC), Las Vegas, NV, USA, 7–9 January 2019; pp. 305–310. [Google Scholar]
  4. The Ultimate List of Healthcare IT Statistics for 2020. Available online: https://arkenea.com/healthcare-statistics (accessed on 16 October 2020).
  5. Smart Cities Pose New Security Challenges and Opportunities Worldwide. 2018. Available online: https://www.isaca.org/why-isaca/about-us/newsroom/press-releases/2018/global-release-smart-cities-pose-new-security-challenges-and-opportunities (accessed on 14 June 2021).
  6. Andrade, R.O.; Yoo, S.G.; Tello-Oquendo, L.; Ortiz-Garcés, I. A comprehensive study of the IoT cybersecurity in smart cities. IEEE Access 2020, 8, 228922–228941. [Google Scholar] [CrossRef]
  7. Limaye, A.; Adegbija, T. A workload characterization for the internet of medical things (IoMT). In Proceedings of the 2017 IEEE Computer Society Annual Symposium on VLSI (ISVLSI), Bochum, Germany, 3–5 July 2017; pp. 302–307. [Google Scholar]
  8. Abbas, N.; Zhang, Y.; Taherkordi, A.; Skeie, T. Mobile Edge Computing: A Survey. IEEE Internet Things J. 2017, 5, 450–465. [Google Scholar] [CrossRef]
  9. Khan, Y.; Ostfeld, A.E.; Lochner, C.M.; Pierre, A.; Arias, A.C. Monitoring of vital signs with flexible and wearable medical devices. Adv. Mater. 2016, 28, 4373–4395. [Google Scholar] [CrossRef] [PubMed]
  10. Dias, D.; Paulo Silva Cunha, J. Wearable health devices—Vital sign monitoring, systems and technologies. Sensors 2018, 18, 2414. [Google Scholar] [CrossRef]
  11. 83% of Medical Devices Run on Outdated Operating Systems. Available online: https://www.hipaajournal.com/83-of-medical-devices-run-on-outdated-operating-systems (accessed on 1 October 2020).
  12. Lonzetta, A.M.; Cope, P.; Campbell, J.; Mohd, B.J.; Hayajneh, T. Security Vulnerabilities in Bluetooth Technology as Used in IoT. J. Sens. Actuator Netw. 2018, 7, 28. [Google Scholar] [CrossRef]
  13. Gunathilake, N.A.; Al-Dubai, A.; Buchana, W.J. Recent advances and trends in lightweight cryptography for IoT security. In Proceedings of the 2020 16th International Conference on Network and Service Management (CNSM), Izmir, Turkey, 2–6 November 2020; pp. 1–5. [Google Scholar]
  14. Yan, W.; Wang, Z.; Wang, H.; Wang, W.; Li, J.; Gui, X. Survey on recent smart gateways for smart home: Systems, technologies, and challenges. Trans. Emerg. Telecommun. Technol. 2022, 33, e4067. [Google Scholar] [CrossRef]
  15. Rasool, R.U.; Ahmad, H.F.; Rafique, W.; Qayyum, A.; Qadir, J. Security and privacy of internet of medical things: A contemporary review in the age of surveillance, botnets, and adversarial ML. J. Netw. Comput. Appl. 2022, 201, 103332. [Google Scholar] [CrossRef]
  16. Newaz, A.I.; Sikder, A.K.; Rahman, M.A.; Uluagac, A.S. A survey on security and privacy issues in modern healthcare systems: Attacks and defenses. ACM Trans. Comput. Healthc. 2021, 2, 1–44. [Google Scholar] [CrossRef]
  17. Yuehong, Y.I.N.; Zeng, Y.; Chen, X.; Fan, Y. The internet of things in healthcare: An overview. J. Ind. Inf. Integr. 2016, 1, 3–13. [Google Scholar]
  18. Cope, P.; Campbell, J.; Hayajneh, T. An investigation of Bluetooth security vulnerabilities. In Proceedings of the 2017 IEEE 7th Annual Computing and Communication Workshop and Conference (CCWC), Las Vegas, NV, USA, 9–11 January 2017; pp. 1–7. [Google Scholar]
  19. Musale, V.P.; Apte, S.S. Security Risks in Bluetooth Devices. Int. J. Comput. Appl. 2012, 51, 1–6. [Google Scholar]
  20. SweynTooth’ Vulnerabilities in BLE Chips Affect Many Medical Devices. Available online: https://www.hipaajournal.com/sweyntooth-vulnerabilities-in-bluetooth-low-energy-chips-affect-many-medical-devices (accessed on 16 October 2020).
  21. Franze, G.; Famularo, D.; Lucia, W.; Tedesco, F. A resilient control strategy for cyber-physical systems subject to denial of service attacks: A leader-follower set-theoretic approach. IEEE/CAA J. Autom. Sin. 2020, 7, 1204–1214. [Google Scholar] [CrossRef]
  22. Salo, F.; Nassif, A.B.; Essex, A. Dimensionality reduction with IG-PCA and ensemble classifier for network intrusion detection. Comput. Netw. 2019, 148, 164–175. [Google Scholar] [CrossRef]
  23. Swarna Priya, R.M.; Maddikunta, P.K.R.; Parimala, M.; Koppu, S.; Gadekallu, T.R.; Chowdhary, C.L.; Alazab, M. An effective feature engineering for DNN using hybrid PCA-GWO for intrusion detection in IoMT architecture. Comput. Commun. 2020, 160, 139–149. [Google Scholar]
  24. Rani, A.; Viswasa, A.; Baburaj, E. Secure and intelligent architecture for cloud-based healthcare applications in wireless body sensor networks. Int. J. Biomed. Eng. Technol. 2019, 29, 186–199. [Google Scholar] [CrossRef]
  25. Anthi, E.; Williams, L.; Słowińska, M.; Theodorakopoulos, G.; Burnap, P. A supervised intrusion detection system for smart home IoT devices. IEEE Internet Things J. 2019, 6, 9042–9053. [Google Scholar] [CrossRef]
  26. Gazis, V. A Survey of Standards for Machine-to-Machine and the Internet of Things. IEEE Commun. Surv. Tutor. 2016, 19, 482–511. [Google Scholar] [CrossRef]
  27. Tabassum, A.; Erbad, A.; Guizani, M. A survey on recent approaches in intrusion detection system in IoTs. In Proceedings of the 2019 15th International Wireless Communications & Mobile Computing Conference (IWCMC), Tangier, Morocco, 24–28 June 2019; pp. 1190–1197. [Google Scholar]
  28. Haataja, K.M.J. New efficient intrusion detection and prevention system for Bluetooth networks. In Proceedings of the 1st International Conference on MOBILe Wireless MiddleWARE, Operating Systems, and Applications, Innsbruck, Austria, 13–15 February 2008; pp. 1–6. [Google Scholar]
  29. Krzysztoń, M.; Marks, M. Simulation of watchdog placement for cooperative anomaly detection in Bluetooth Mesh Intrusion Detection System. Simul. Model. Pract. Theory 2020, 101, 102041. [Google Scholar] [CrossRef]
  30. Satam, P.; Satam, S.; Hariri, S. Bluetooth intrusion detection system (BIDS). In Proceedings of the 2018 IEEE/ACS 15th International Conference on Computer Systems and Applications (AICCSA), Aqaba, Jordan, 28 October–1 November 2018; pp. 1–7. [Google Scholar]
  31. Satam, S.; Satam, P.; Hariri, S. Multi-level Bluetooth Intrusion Detection System. In Proceedings of the 2020 IEEE/ACS 17th International Conference on Computer Systems and Applications (AICCSA), Antalya, Turkey, 2–5 November 2020; pp. 1–8. [Google Scholar]
  32. Newaz, A.K.M.I.; Sikder, A.K.; Babun, L.; Uluagac, A.S. Heka: A novel intrusion detection system for attacks to personal medical devices. In Proceedings of the 2020 IEEE Conference on Communications and Network Security (CNS), Avignon, France, 29 June–1 July 2020; pp. 1–9. [Google Scholar]
  33. Yin, C.; Zhu, Y.; Fei, J.; He, X. A Deep Learning Approach for Intrusion Detection Using Recurrent Neural Networks. IEEE Access 2017, 5, 21954–21961. [Google Scholar] [CrossRef]
  34. More Than Half of IoT Devices Vulnerable to Severe Attacks. Available online: https://threatpost.com/half-iot-devices-vulnerable-severe-attacks/153609/ (accessed on 20 July 2021).
  35. Han, S.; Zhu, K.; Zhou, M.; Cai, X. Information-Utilization-Method-Assisted Multimodal Multiobjective Optimization and Application to Credit Card Fraud Detection. IEEE Trans. Comput. Soc. Syst. 2021, 8, 856–869. [Google Scholar] [CrossRef]
  36. Liu, H.; Zhou, M.; Liu, Q. An embedded feature selection method for imbalanced data classification. IEEE/CAA J. Autom. Sin. 2019, 6, 703–715. [Google Scholar] [CrossRef]
  37. Bolourchi, P.; Moradi, M.; Demirel, H.; Uysal, S. Improved SAR target recognition by selecting moment methods based on Fisher score. Signal Image Video Process. 2019, 14, 39–47. [Google Scholar] [CrossRef]
  38. Thaseen, I.S.; Kumar, C. Intrusion detection model using Chi square feature selection and modified Naïve Bayes classifier. In Proceedings of the 3rd International Symposium on Big Data and Cloud Computing Challenges (ISBCC-16’); Vijayakumar, V., Neelanarayanan, V., Eds.; Springer: Cham, Switzerland, 2016; pp. 81–91. [Google Scholar]
  39. Zubair, M.; Unal, D.; Al-Ali, A.; Shikfa, A. Exploiting Bluetooth vulnerabilities in e-health IoT devices. In Proceedings of the 3rd International Conference on Future Networks and Distributed Systems, Paris, France, 1 July 2019; pp. 1–7. [Google Scholar]
  40. Stančin, I.; Jović, A. An overview and comparison of free Python libraries for data mining and big data analysis. In Proceedings of the 2019 42nd International Convention on Information and Communication Technology, Electronics and Microelectronics (MIPRO), Opatija, Croatia, 20–24 May 2019; pp. 977–982. [Google Scholar]
  41. Liu, C.; Chakraborty, S.; Mittal, P. Dependence Makes You Vulnerable: Differential Privacy Under Dependent Tuples. NDSS 2016, 16, 21–24. [Google Scholar]
  42. Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A simple way to prevent neural networks from overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
  43. Roux, J.; Alata, E.; Auriol, G.; Kaâniche, M.; Nicomette, V.; Cayre, R. RadIoT: Radio Communications Intrusion Detection for IoT—A Protocol Independent Approach. In Proceedings of the 2018 IEEE 17th International Symposium on Network Computing and Applications (NCA), Cambridge, MA, USA, 1–3 November 2018; pp. 1–8. [Google Scholar]
  44. Kim, J.; Kim, J.; Kim, H. An approach to build an efficient intrusion detection classifier. J. Platf. Technol. 2015, 3, 43–52. [Google Scholar]
  45. Thamilarasu, G.; Chawla, S. Towards Deep-Learning-Driven Intrusion Detection for the Internet of Things. Sensors 2019, 19, 1977. [Google Scholar] [CrossRef]
  46. Al-Hawawreh, M.; Moustafa, N.; Sitnikova, E. Identification of malicious activities in industrial internet of things based on deep learning models. J. Inf. Secur. Appl. 2018, 41, 1–11. [Google Scholar] [CrossRef]
  47. Padgette, J.; Kent, K.A. Guide to Bluetooth Security: Recommendations of the National Institute of Standards and Technology; US Department of Commerce, National Institute of Standards and Technology: Gaithersburg, MD, USA, 2011.
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Article Metrics

Citations

Article Access Statistics

Multiple requests from the same IP address are counted as one view.