Next Article in Journal
Development of a Universal Validation Protocol and an Open-Source Database for Multi-Contextual Facial Expression Recognition
Previous Article in Journal
Self-Attention-Based Deep Convolution LSTM Framework for Sensor-Based Badminton Activity Recognition
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Estimating Patient-Level Uncertainty in Seizure Detection Using Group-Specific Out-of-Distribution Detection Technique

1
Applied Artificial Intelligence Institute, Deakin University, Burwood, VIC 3125, Australia
2
School of Computing Technologies, RMIT University, Melbourne, VIC 3000, Australia
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(20), 8375; https://doi.org/10.3390/s23208375
Submission received: 7 September 2023 / Revised: 29 September 2023 / Accepted: 5 October 2023 / Published: 10 October 2023
(This article belongs to the Section Biomedical Sensors)

Abstract

:
Epilepsy is a chronic neurological disorder affecting around 1% of the global population, characterized by recurrent epileptic seizures. Accurate diagnosis and treatment are crucial for reducing mortality rates. Recent advancements in machine learning (ML) algorithms have shown potential in aiding clinicians with seizure detection in electroencephalography (EEG) data. However, these algorithms face significant challenges due to the patient-specific variability in seizure patterns and the limited availability of high-quality EEG data for training, causing erratic predictions. These erratic predictions are harmful, especially for high-stake domains in healthcare, negatively affecting patients. Therefore, ensuring safety in AI is of the utmost importance. In this study, we propose a novel ensemble method for uncertainty quantification to identify patients with low-confidence predictions in ML-based seizure detection algorithms. Our approach aims to mitigate high-risk predictions in previously unseen seizure patients, thereby enhancing the robustness of existing seizure detection algorithms. Additionally, our method can be implemented with most of the deep learning (DL) models. We evaluated the proposed method against established uncertainty detection techniques, demonstrating its effectiveness in identifying patients for whom the model’s predictions are less certain. Our proposed method managed to achieve 87%, 89% and 75% in accuracy, specificity and sensitivity, respectively. This study represents a novel attempt to improve the reliability and robustness of DL algorithms in the domain of seizure detection. This study underscores the value of integrating uncertainty quantification into ML algorithms for seizure detection, offering clinicians a practical tool to gauge the applicability of ML models for individual patients.

1. Introduction

Epilepsy is a chronic neurological disorder that affects close to 1% of the population worldwide. It is characterized by recurrent and unpredictable brain activities, known as epileptic seizures [1,2]. Patients suffering from epileptic seizures face a 2–3 times higher mortality rate. Hence, correctly diagnosing and controlling epileptic seizures is of the utmost importance to reduce the mortality rate in patients suffering from epilepsy.
An electroencephalography (EEG) test records the electrical activity in the cerebral cortex via the electrodes that are placed on top of the scalp of the patients [2,3,4]. Seizure detection in EEG data is an important aspect of the diagnosis and management of epilepsy. By reviewing and interpreting the recorded EEG data, clinicians can look for abnormal EEG patterns that are indicative of epileptic seizures, leading to an accurate diagnosis and treatment. Nevertheless, this process of EEG analysis is labor-intensive and open to subjective interpretation, potentially introducing bias [5,6,7].
In recent years, machine learning (ML) algorithms have been proposed as a way to assist clinicians in annotating and reviewing EEG recordings by identifying potential seizure segments [8,9,10,11,12,13,14,15]. It works by highlighting potential segments of interest that may be an indication of seizures, reducing the time and effort needed by clinicians to review large amounts of EEG recordings. This positively impacts the patient’s outcome by allowing for rapid diagnosis and treatment.
Multiple studies have shown its ability to detect seizures with an accuracy of over 90% [9,11,13,16,17,18,19,20,21]. While these algorithms show promise, they face multiple challenges in being able to consistently detect seizures across all patients suffering from different types of seizures. One of the many challenges in developing robust seizure detection tools is the variability in seizure patterns across different seizure types, which makes it difficult to identify a consistent pattern for training machine learning algorithms [2,22,23]. Further, patients suffering from various seizure types might exhibit a range of distinct EEG patterns, making it hard for ML algorithms to detect them if it has not been exposed to the patterns being evaluated during the training process. This challenge is further exacerbated by the limited availability of high-quality EEG data for training due to stringent data privacy concerns and regulations, which can restrict the algorithm’s ability to generalize across diverse patient groups [24]. As a result, ML algorithms for seizure detection may struggle to accurately detect seizures in patients whose seizure patterns were not represented in the training data.
This can lead to uncertain and unreliable predictions when the algorithms encounter unfamiliar EEG patterns from certain patient groups. This lack of confidence can be especially dangerous when seizure detection algorithms are deployed in real time, where the cost of a misdiagnosis is high [25,26]. For example, incorrect predictions can lead to over-diagnosis, resulting in unnecessary medical interventions, or under-diagnosis, causing missed seizures that can have severe consequences for patients such as permanent injuries or death. To improve the robustness of seizure detection tools and address the challenges posed by the lack of reliability prediction of ML algorithms in some patients, it is essential to develop effective methods that warn users of patients where their ML models are not confident in their predictions to ensure the patient’s safety and care.
In this study, we propose a novel method that leverages concepts from the field of rule-based approach, out-of-distribution (OOD) detection [27] and uncertainty quantification [28] to identify high-risk patients for whom the model has low confidence in its predictions. Unlike most out-of-distribution (OOD) detection and conventional uncertainty estimation approaches, which typically focus on individual data points, our approach considers a set of records of EEG data corresponding to a patient. This shift in focus offers a more realistic and practical approach. Uncertainty in individual data points, in a dataset that could contain millions of such data points, does not provide meaningful information to clinicians. A patient-level analysis, on the other hand, gives a holistic view of the patient’s condition over time, which is far more useful in a real-world clinical setting.
Departing from traditional methods, which often directly classify uncertainty or OOD data based on raw EEG data points, our approach harnesses the internal features representation of a DL model and Deep Support Vector Data Description (Deep SVDD) to learn what the model has successfully learned and areas where it falters. Deep SVDD is an unsupervised learning method designed for detecting out-of-distribution, abnormal data [29]. It leverages neural networks together with the SVDD to learn low-dimensional representations of input data in a latent space. Inspired by the support-vector machine (SVM), the Deep SVDD approach captures the distribution of the input data by projecting it onto a hypersphere in the latent space that minimizes distances. This hypersphere is then used to determine whether data points are out-of-distribution.
This patient-level analysis enables a nuanced understanding of the model’s prediction confidence for a patient. By detecting these low-confidence patients, our approach aims to reduce the occurrence of high-risk predictions in unseen seizure patients and improve the robustness of the existing seizure detection algorithms. Another key strength of our approach is its flexibility where it is compatible with any DL architecture, which potentially broadens its applicability and utility in various EEG scenarios. To the best of our knowledge, this study represents the first attempt to leverage these techniques to enhance the robustness and reliability of ML algorithms in the field of seizure detection.
This novel approach where we utilized and combined existing techniques, could be integrated into an existing seizure detection pipeline to identify patients unsafe for DL predictions in clinical settings. This approach mitigates the risk of incorrect or missed diagnoses when clinicians rely on DL algorithms for insights. By alerting clinicians to patients with high prediction uncertainty, it allows clinicians to manually oversee the process of seizure detection and annotation process, thereby enhancing the outcome of patients. This is especially useful when DL models face issues of generalizability and robustness.

2. Related Works

Uncertainty estimation allows users to quantify the confidence associated with a model’s predictions, thereby enabling the identification of potentially unreliable predictions. The uncertainty in a model can originate from various factors, including a mismatch between training and testing data, the model’s learning capacity and the presence of noise in the training data. Popular techniques for uncertainty estimation encompass Monte Carlo Dropout (MC-Dropout) and Bayesian Neural Networks (BNNs) [30,31].
Conversely, out-of-distribution (OOD) detection involves recognizing data that significantly diverge from the training data distribution [32]. It enables users to be alerted to new or anomalous training data patterns. This ‘out-of-distribution’ data stems from distinct distributions and may be triggered by a shift in the data distribution, insufficient training data or variations in data collection methodologies, among other factors. Common OOD detection methods include maximum SoftMax probabilities, distance-based methods and SVDD [27,32,33,34].
Both uncertainty estimation and OOD detection contribute to the model’s ability to generate robust and reliable predictions. Consequently, they equip users to make informed and secure decisions. These techniques are particularly beneficial in high-risk applications such as healthcare, where prediction reliability and the ability to handle anomalies can significantly impact the well-being of the patients. It is also important to note that many studies on OOD detection and uncertainty estimation often develop and use their own unique methods to solve their problems that are domain specific.
Despite advancements in applying state-of-the-art machine learning models, such as DL for EEG-based seizure detection, there is a lack of research focusing on uncertainty estimation and OOD detection specifically in the context of EEG-based seizure detection. This gap in the literature presents a significant challenge in the clinical adoption of seizure detection algorithms. Most existing research tends to prioritize the improvement of model performance, focusing predominantly on statistical metrics such as accuracy, without adequately addressing the crucial issues of uncertainty or the presence of OOD data. We will focus on explaining techniques applied in the field of general healthcare.
The most common uncertainty estimation technique, MC-Dropout, is frequently used in conjunction with DL. Multiple studies in the field of healthcare have applied MC-Dropout to improve their reliability alongside their predictions. For instance, one study applied MC-Dropout to their proposed Shallow Convolutional Neural Network (SCNN-MCD) for motor imagery classification in patients with severe disabilities [35]. Another study used MC-Dropout with their DL model, DeepSleepNet-Lite, for sleep-scoring prediction uncertainty estimation [36].
The Bayesian Neural Network (BNN) is a DL model that estimates uncertainty based on the predictions. Instead of single-value estimates for each weight in a deterministic neural network, BNN learns a probability distribution for each weight, where different values of weights can be sampled [31]. This gives the BNN the ability to produce a range of outputs, enabling the ability to estimate uncertainty. One study, for instance, used BNNs to detect epileptogenic brain malformations, achieving a 5% better accuracy compared to non-Bayesian learners using the same network architecture [37]. Another study proposed using the BNN along with confidence calibration to improve the estimating uncertainty in classifying five-class polyps from colonoscopy [38]. The proposed BNN with confidence calibration beat state-of-the-art algorithms at close to 80% accuracy after rejecting samples with a high uncertainty.
Another study utilized conformal predictions to estimate uncertainty in histopathological diagnoses [39]. This uncertainty estimation method offers a prediction interval to identify unreliable predictions, achieving only 2% errors compared to 25% without the method. Another group of researchers proposed the use of predictive entropy for the classification of myocardial infarction using ECG, successfully detecting uncertainty in predictions made by their DL model [40].
Researchers leveraged a modified version of the SVDD technique to detect abnormal living patterns in nine elderly individuals using infrared motion sensors [41]. The goal was to provide effective patient monitoring for individuals living alone. This method achieved an impressive average accuracy of 95.8% in detecting abnormal patterns.
Another study evaluated various OOD methods on multiple medical image datasets on their ability to reject images unseen by the models [42]. They found that no single OOD method consistently outperformed the others across all medical image datasets. However, a binary classifier with feature representation from the penultimate layer and the Mahalanobis distance-based method demonstrated superior performance on average across all datasets.
In conclusion, existing techniques for uncertainty estimation and OOD detection, largely designed and tested for other domains in healthcare, may not be fully suited to the unique challenges posed by EEG seizure data. The complexity and variability of EEG signals require tailored methodologies for effective uncertainty estimation and OOD detection. Additionally, frequently employed methods like SoftMax confidence or logit confidence scoring are overly simplistic and insufficient for addressing the unique requirements of this field. They fall short when applied to EEG-based seizure detection, as revealed in subsequent experimental stages. Further, in reviewing the current literature on uncertainty estimation and OOD detection techniques, it becomes apparent that many proposed methodologies are specifically crafted for their respective fields and may not transition effectively to other domains.
To bridge this gap, we introduce a novel method specifically designed for EEG-based seizure detection. Utilizing the internal representations of a DL model and Deep SVDD, our approach delivers a comprehensive patient-level analysis, thus providing a more efficacious solution for uncertainty detection at the patient level in seizure detection tasks.

3. Materials and Methods

3.1. Data Description and Acquisition

We utilized The Children’s Hospital Boston Massachusetts Institute of Technology (CHB-MIT) dataset, which comprises 916 h of scalp EEG data from 23 pediatric patients consisting of 5 males and 17 females aged from 3 to 22 suffering from intractable seizures [43,44]. The publicly available EEG dataset is popular and widely used for the development and evaluation of seizure detection algorithms [12]. Many DL models have been developed and evaluated using the CHB-MIT dataset [13,45,46,47,48,49]. This dataset consists of 664 EEG recordings of mostly 1 h long, and some longer EEG recordings, with a sampling rate of 256 Hz. Compared to other EEG datasets, this dataset stands out for its long-term continuous EEG recordings (>12 h) with minimal disruptions, ideal for the development of seizure detection systems [24].
Each EEG recording is paired with annotations of the precise onset and end times of seizure events. In total, there are 198 seizures recorded in the dataset, spread across all patients. Each patient has various number channels following a 10–20 electrode placement method, consisting of 23 to 26 channels. The dataset contains different seizure types, such as focal, lateral and generalized seizures.

3.2. Preprocessing

Before feeding the EEG signals from the recordings into the model for training, several preprocessing steps were undertaken. To ensure consistency in the number of channels across different recordings and patients, 22 EEG channels were selected, eliminating any duplicate channels, channels unique to a single patient and non-EEG channels. The EEG data are normalized to a range of 0–1. Additionally, a Finite Impulse response (FIR) bandpass filter with a range of 1–60 Hz and the removal of the DC component were implemented to reduce noise in the EEG data. The FIR bandpass filter was also essential to isolate relevant EEG signals associated with seizure events in the Delta, Theta, Alpha, Beta and Gamma sub-bands [2].
Patients suffering from epileptic seizures often exhibit normal brain activity, the majority of them only exhibit abnormal EEG patterns during a seizure or right before a seizure and spend less than 1% of their time in a seizure stage. Hence, the EEG recordings are often highly imbalanced. Given the imbalanced nature of the EEG dataset, with the majority class being interictal, a sliding window method with a step size of 0.5 was employed on segments containing seizure activity to increase the sample data representing seizures. This method is commonly used in seizure detection to increase the sample size of EEG recordings [13,17,49]. For each given seizure segment, the sliding window was moved in steps that resulted in 50% overlap between consecutive segments. This overlap technique effectively doubled the seizure segments derived from the same seizure recordings. A visual representation can be seen in Figure 1. Each EEG recording was split into one second EEG segments, where EEG segments were randomly sampled at a ratio of 5:1 to reduce the data imbalance. Further, in order to ensure the model is able to learn effectively, we included preictal and postictal EEG data, where 30 s of EEG segments before a seizure and 30 s of EEG segments after a seizure were included as part of the data used. In order to preserve the sampling information time, no further signal transformation or features engineering took place.

3.3. Estimating Patient-Level Uncertainty

In summary, the proposed method tries to determine the uncertainty of a Convolutional Neural Network (CNN) model’s predictions for a patient. Using an unsupervised learning technique (Deep SVDD) to learn the distribution of each of the four groups for true positives (TP), false positives (FP), true negatives (TN) and false negatives (FN), all of which are derived from the model’s training predictions. This categorization, guided by a rule-based approach, refines the prediction possibilities for each EEG data segment during inference. This process is applied to each segment of the provided EEG data. The algorithm then aggregates the binary uncertainty predictions for these segments, resulting in a value between ‘0′ and ‘1′, which indicates the model’s confidence level. The uncertainty score generated by our proposed method enables users to decide on whether to trust the predictions made by our DL model for a specific patient. Our proposed method, which encapsulates the entire uncertainty estimation process, is visually represented in Figure 2 (inference).
To understand the trained model’s capabilities, we input the training EEG data into the trained CNN model for inference. This facilitated the segregation of the EEG samples into the 4 aforementioned groups. This categorization offers us a valuable proxy of the training patterns that the model learned and those that it fails to learn. For example, the TP and TN groups contain samples that the model correctly predicted, indicating patterns that the model has successfully learned, whereas the FP and FN groups encapsulate patterns that the model has not effectively learned.
In the subsequent step, we extracted the values obtained from the internal representations (final convolutional layer) of the trained CNN model for each sample in each of the groups (TP, TN, FP, FN). These extracted values were then utilized to train four distinct Deep SVDD models—one for each group. The role of these Deep SVDD models, each being a three-layered neural network fused with the SVDD model, is to learn and understand the distribution of patterns specific to their respective group. The outputs produced by the Deep SVDD are binary scores, where ‘0′ signifies that the input segment is in-distribution (pertaining to that particular group), while ‘1’ indicates out-of-distribution.
A set of rules is devised to estimate uncertainty based on the predictions from the models. The CNN models produce either a prediction of ‘0′ (no seizures) or ‘1′ (seizures). If the prediction is ‘0′ (non-seizure) and either the FN or TN group prediction is ‘0′ (in-distribution), while the FP and TP predictions are ‘1′ (out-of-distribution), it suggests that the model is likely confident in its non-seizure prediction. This is because some groups are associated with “non-seizure” patterns—the FN group contains examples where the model failed to identify “non-seizure” patterns, and the TN group includes those where the model correctly learned these patterns. Therefore, if either the FN or TN group aligns with the model’s “non-seizure” prediction, it suggests that the identified EEG pattern corresponds to a typical “non-seizure” case, either one that the model usually identifies correctly or one that it often misses. On the other hand, the FP and TP groups are associated with seizure segments. As such, when the model predicts ‘0′ (non-seizure), it would be contradictory for the EEG segment to belong to these seizure groups. Hence, reinforcing the model’s confidence for prediction of non-seizure.
On the other hand, if the prediction is ‘1′ (seizure) and either the FP or TP group prediction is 0, while the TN and FN predictions are both ‘1′, it implies that the model is likely confident in its seizure prediction. If the predictions do not meet any of the conditions mentioned above, the model is considered uncertain about its predictions. The Pseudocode for the whole process is displayed in Figure 3.
Ultimately, each EEG segment yields a binary label along with its prediction, where 0 indicates confidence and ‘1′ signifies uncertainty. These binary labels are then aggregated by averaging to produce a probability score ranging from ‘0–1′. This score represents the model’s overall level of uncertainty in its predictions for the patient data, with ‘0′ signifying total confidence and 1 indicating complete uncertainty.

3.4. Classification Model for Seizure Detection

We employed the CNN as our DL model used for training as well as prediction. CNN models have traditionally been employed for image recognition tasks, where they excel in automatically learning temporal, spatial, and spectral features from inputs, eliminating the need for traditional feature extraction or engineering. Moreover, the use of CNN models in seizure detection has been documented in numerous studies, consistently demonstrating superior performance on publicly accessible datasets, with an achieved accuracy exceeding 90%. In our study, we will use this model to demonstrate the ability of our proposed method to detect patients that the model is uncertain of.
Our tailored CNN model is composed of an input layer, multiple hidden layers and an output layer. We have represented electroencephalogram (EEG) signals as an image-like matrix, utilizing channels (C) and time (T) as inputs. The input representation for our model adheres to an N × C × T × D structure, with N indicating the number of samples, C symbolizing channels, T representing time and D standing for dimension. The architecture of our model incorporates four fully connected CNN layers. In order to extract spatial features between channels, the 1st convolutional block extracts features across channels. This is achieved through a kernel size of (5, 2), helping to capture inter-relationships between channels. The remaining 3 blocks of convolutional layers extract temporal features within each of the channels with varying time scales, from short term (3, 1) to long term (20, 1). This is because short-term kernels are able to capture abrupt or rapid changes in the EEG signals, that could be an indication of seizures with a high frequency of amplitude. Longer-term kernels are able to capture general wave form, rhythmic or periodic seizure patterns. To mitigate overfitting and computational complexity, we employed multiple pooling and dropout layers. The features are then flattened to 1 dimension for input into fully connected layers for predictions. Our model was developed using the Pytorch 2.0 framework, implemented using Python 3.8. A detailed overview of the architecture implementation is presented in Figure 4.
We conducted the training process utilizing the NVIDIA RTX 3080 GPU (Nvidia Corporation, Santa Clara, CA, USA), with 100 epochs, a learning rate set at 0.0001 and a batch size of 32. The training duration for each patient was approximately two hours. We utilized the Leave One Patient Out Cross Validation (LOPO-CV) method to train and validate our CNN model’s performance. LOPO-CV is commonly employed in the field of seizure detection to evaluate a machine learning models’ performance and involves leaving out one patient for testing, while the rest are used for training. The test set remains unseen by the model during the training process. This procedure is repeated for all 23 patients, and the performance of the model is subsequently averaged across all patients. In contrast, typical K-fold cross-validation (KFCV) often combines data from all patients into one dataset, leading to potential data leakage if a patient’s data appears in both the training and test sets. This can result in unreliable predictions and false results. LOPO-CV effectively prevents this issue. This approach of training on existing patients and testing on unseen patients aligns with real-world scenarios where it needs to predict seizure events of previously unencountered patients.
Our CNN model demonstrated an average Area Under the Curve (AUC) of 91%, an accuracy of 92%, a specificity of 92%, sensitivity of 78% and F1 score of 71% with Standard Deviations (SDs) of 0.12, 0.09, 0.09, 0.20 and 0.21, respectively, across all patients. When compared to state-of-the-art CNN models that utilized similar minimal feature engineering and preprocessing techniques, our model displayed comparable performance. The results for the performance of each patient can be found in Table 1.

4. Evaluation

To evaluate the effectiveness of our proposed methods in identifying patients for whom the model is uncertain, we compare our model with other commonly used techniques that can be used to detect uncertainty in a patient’s data such as SoftMax confidence, Deep SVDD, and MC Dropout. Similar to our proposed method, we aggregated the binary labels generated by these methods to produce a probability score of between 0 and 1 uncertainty.
The effectiveness of our technique in identifying uncertainty in patients is tested by generating truth labels, which are based on each patient’s performance through the CNN models. These truth labels act as a measure of the model’s confidence, designated as confident if the F1 score exceeds a threshold of 0.5, implying that the model’s performance exceeds chance levels for that specific patient. Conversely, an F1 score falling below this threshold indicates that the model’s performance was suboptimal for the patient in question.
To simulate a more conservative application of the DL model, akin to the cautious approach often taken by clinicians, we raise the F1 score threshold to 0.7, while keeping the conditions consistent with the previously described scenario. This change in threshold reflects a higher level of confidence required for the model’s performance to be considered effective for each individual patient.
First, we examine if there is a correlation between the F1 score of the model and the uncertainty levels produced by each of the methods by calculating the Pearson Correlation Coefficient (r). This analysis allows us to understand how the uncertainty score relates to the model’s performance in detecting seizures (sensitivity) in patients. An effective uncertainty estimation technique is defined when there is an inverse correlation between the F1-score of the model and the uncertainty level produced by the technique.
Second, we assess the method’s ability to identify patients for which it is confident or uncertain in its predictions. We use the aggregated uncertainty score produced by each method for this purpose. If the aggregated score produced by each method is below 0.5, it indicates that the model is confident in its prediction; conversely, a value above 0.5 indicates that the model is uncertain about the prediction it has made.

5. Results

As indicated in Table 2, our proposed method has the strongest correlation coefficient of −0.88, compared to −0.37, 0.19 and 0.02 for SoftMax confidence, MC Dropout and Deep SVDD, respectively. This indicates a strong negative correlation between the uncertainty value yielded by our proposed model and the F1-score produced by the CNN model as seen in Figure 5. As the model’s F1-score improves, our uncertainty value tends to decrease, signifying greater confidence in the model’s predictions. In comparison with other methods, none of the commonly used methods produced any meaningful correlations. The SoftMax confidence shows a weak negative correlation, while MC Dropout exhibits a very weak negative correlation. Deep SVDD shows no linear correlation at all.
Based on Table 3, our proposed method achieved an accuracy of 0.89 in correctly classifying patients that it is confident and uncertain of. Out of the five patients whose CNN model is unable to perform well (F1-score < 0.5), the proposed method can detect three patients for whom the CNN model might not be able to detect a seizure well (75% sensitivity). Our method accurately indicated confidence in the model’s predictions for nearly all cases where the model was indeed confident, displaying a specificity of 89%.
In comparison to our methods, the other methods were largely ineffective in detecting uncertainty in most patients, all showing a sensitivity of 50% or lower. Because the uncertainty scores produced by SoftMax confidence and MC Dropout were small, we attempted to rescale the uncertainty scores using Min-Max scaling, so that the maximum uncertainty score for each method would be 1. This step was undertaken to enhance comparability across different methods.
In circumstances where clinicians take a more conservative approach, necessitating a higher sensitivity with an F1-score threshold of 0.7, our proposed method continues to outperform other techniques. It demonstrates an enhanced performance across all measures, achieving an overall accuracy of 0.96 and a sensitivity of 0.83, as seen in Table 4. When we assume an extremely conservative approach, with threshold at 0.8, our performance still outperformed the other methods, but the sensitivity in detecting uncertainty patients dropped to 0.5.

6. Discussions

Traditional methods, such as Deep SVDD or OOD, often fall short as they do not adequately consider the intricate nature of EEG data. These conventional approaches are limited in capturing the complex, nonlinear dynamics inherent in distinguishing between seizure and non-seizure events. CNN models occasionally offer high-confidence predictions that may not always be accurate, especially in the context of seizure events. This overconfidence undermines the reliability of methods that solely rely on prediction probabilities or techniques like MC Dropout. For instance, our CNN models often emit incorrect high-confidence, one-sided probability predictions for seizure events, even when faced with unseen data from a patient. This scenario underscores the model’s unreliability and the need for more advanced, nuanced uncertainty estimation techniques. Furthermore, a single SVDD might also encounter significant limitations in adequately processing complex and variable EEG patterns, where they often look similar to untrained eyes. Similarly, the single model provides a too-simplified analysis, insufficient for accurately identifying and discriminating between the seen and unseen patterns. Its primary shortfall lies in its inability to fully comprehend the diverse nature of EEG data, resulting in an often-imprecise estimation of uncertainty and identification of out-of-distribution (OOD) data.
In this study, our proposed solution of deploying individual Deep SVDD models for each data group along with a simple rule-based approach addresses this limitation. Each model is tailored to learn and discern patterns specific to its assigned group effectively. This adaptation caters to the variances in learned seizure patterns and seizure patterns that it fails to learn, enhancing the overall accuracy and reliability of uncertainty estimations. The proposed method was assessed for 23 patients and validated based on the performance of the predictions made by the CNN model. This represents the first attempt in the field of seizure detection to introduce uncertainty in data at the patient level.
We recognize that our CNN model does not surpass the latest state-of-the-art models. However, our study aims to identify patients for whom the model’s predictions are uncertain. Another reason for choosing the CNN model is that it encompasses a mix of results for patients with good and poor performance, enabling us to test our algorithm on both sets of patients.
Our proposed technique for detecting uncertainty in input data for a given patient outperforms commonly used methods when applied to our scenario. Our method enhances the safety of seizure detection algorithms by effectively identifying patients where the seizure detection algorithms do not perform well in detecting seizures, achieving a sensitivity of 75%. This high sensitivity rate is beneficial in preventing false negatives, which could have serious consequences for patient care. We also hypothesized that the poor performance of conventional methods could be due to the model’s inherent nature of producing high-confidence predictions even if the EEG data of the patients has not been seen in the training set, where they have no ability to discriminate between unseen and seen EEG recordings.
The proposed method is independent of the model choice and can be adapted and applied to most DL algorithms, making it a flexible and versatile solution in identifying uncertainty in patients. It also performs well on imbalanced datasets, which is often the case for seizure detection EEG datasets, compared to other methods during evaluation. This robustness ensures a reliable performance, even in challenging situations, and helps to improve the overall quality of the predictions by eliminating patients where the model was not confident in the predictions.
Since our proposed technique for detecting uncertainty is based on the data of a patient and only learns from their own training distribution using an unsupervised learning method, it does not require any testing labels. This simplifies the process since it does not require any additional unseen data for learning, reducing the need for extensive data collection and preprocessing. As the proposed technique learns from its own training patterns, it is particularly useful when the dataset is limited, which is a common challenge in EEG data acquisition.
Our proposed technique allows for further customization to suit the risk appetite of users. For example, if the threshold for the uncertainty percentage is set to 40%, which indicates a clinician with a low risk tolerance, the algorithm successfully detects all five patients where the model yields a low F1-score (below 0.7). However, it might exclude patients for whom the model predicts reasonably well, as in the case of patient 8, who scores 0.71 on the F1-score with an uncertainty value of 0.41. This adaptability enables clinicians to tailor the model’s performance to their specific needs and risk tolerance, ensuring optimal patient care and resource allocation.
The proposed technique aims to reduce the level of uncertainty in its predictions at the patient level, rather than focusing solely on individual data segments. By enhancing the confidence in the predictions made for a patient as a whole, the model can help improve the overall reliability of the assessment for that patient. Our model is designed to minimize uncertainty in predictions at the patient level, with the aim of eliminating situations where the model has no confidence in its assessments. By concentrating on decreasing uncertainty for each patient as a whole, the model can significantly enhance the overall reliability of evaluations. While this strategy does not assure absolute accuracy or certainty, its primary objective is to identify and mitigate risks associated with low-confidence predictions for each patient.

7. Limitations

While the method proposed here helps to improve the confidence of the model given the data of a patient, it has a few limitations. Our model was only tested on 23 patients and has not been validated with other publicly available datasets. Moving forwards, we plan to validate our performance in other EEG datasets to evaluate the effectiveness of our proposed method.
Moreover, our technique incorporates Deep SVDD as part of the process. In situations where the training data for groups, such as TP or FP, is limited, the model may overfit. This could generate unreliable results due to its high specificity to the training data, potentially hampering its ability to generalize effectively with new, unseen data. This overfitting issue, stemming from limited training data in certain groups, also makes the model prone to volatility, leading to unstable results. Further research and fine-tuning of hyperparameters, along with exploration of more robust sampling techniques, are needed to enhance generalizability when dealing with small training data sets.
Lastly, our method introduces additional computational complexity as it necessitates the training of four more neural networks. This is especially relevant for large-scale datasets and may limit the practicality of our method in scenarios where computational resources are limited.

8. Conclusions

In conclusion, this study introduces a novel approach to detecting uncertainty at the patient level in seizure detection by incorporating methods from OOD and uncertainty estimation. Our method successfully identifies most patients for whom the model fails to detect seizures effectively. This approach not only streamlines the annotation process by alerting clinicians to patients where the algorithm might fail to accurately detect seizures in certain patients, but it also helps identify patients who may require more manual attention from healthcare professionals. Ultimately, our method aims to enhance the overall efficiency and effectiveness of seizure detection while ensuring that clinicians can provide targeted and informed care for each patient.

Author Contributions

Conceptualization, S.W., S.B., A.S. and J.R.V.; Data curation, S.W. and J.R.V.; Formal analysis, A.S. and S.W.; Investigation, S.W., S.B., A.S. and J.R.V.; Supervision, S.B., A.S. and J.R.V.; Visualization, S.B. and S.W.; Writing—original draft, S.W.; Writing—review and editing, S.B., A.S. and J.R.V. All authors have read and agreed to the published version of the manuscript.

Funding

The research was supported by Deakin University Postgraduate Research Scholarship.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. McNamara, J.O. Emerging insights into the genesis of epilepsy. Nature 1999, 399, A15–A22. [Google Scholar] [CrossRef]
  2. Shorvon, S.; Guerrini, R.; Cook, M.; Lhatoo, S. Oxford Textbook of Epilepsy and Epileptic Seizures; OUP Oxford: Oxford, UK, 2012. [Google Scholar]
  3. Teplan, M. Fundamentals of EEG measurement. Meas. Sci. Rev. 2002, 2, 1–11. [Google Scholar]
  4. Brodie, M.J.; Schachter, S.C.; Kwan, P. Fast Facts: Epilepsy; Karger Medical and Scientific Publishers: Basel, Switzerland, 2012. [Google Scholar]
  5. Benbadis, S.R.; LaFrance, W.C., Jr.; Papandonatos, G.D.; Korabathina, K.; Lin, K.; Kraemer, H.C. Interrater reliability of EEG-video monitoring. Neurology 2009, 73, 843–846. [Google Scholar] [CrossRef]
  6. Grant, A.C.; Abdel-Baki, S.G.; Weedon, J.; Arnedo, V.; Chari, G.; Koziorynska, E.; Lushbough, C.; Maus, D.; McSween, T.; Mortati, K.A.; et al. EEG interpretation reliability and interpreter confidence: A large single-center study. Epilepsy Behav. 2014, 32, 102–107. [Google Scholar] [CrossRef]
  7. Piccinelli, P.; Viri, M.; Zucca, C.; Borgatti, R.; Romeo, A.; Giordano, L.; Balottin, U.; Beghi, E. Inter-rater reliability of the EEG reading in patients with childhood idiopathic epilepsy. Epilepsy Res. 2005, 66, 195–198. [Google Scholar] [CrossRef]
  8. Wang, X.; Wang, X.; Liu, W.; Chang, Z.; Kärkkäinen, T.; Cong, F. One dimensional convolutional neural networks for seizure onset detection using long-term scalp and intracranial EEG. Neurocomputing 2021, 459, 212–222. [Google Scholar] [CrossRef]
  9. Ahmad, I.; Wang, X.; Zhu, M.; Wang, C.; Pi, Y.; Khan, J.A.; Khan, S.; Samuel, O.W.; Chen, S.; Li, G. EEG-Based Epileptic Seizure Detection via Machine/Deep Learning Approaches: A Systematic Review. Comput. Intell. Neurosci. 2022, 2022, 6486570. [Google Scholar] [CrossRef]
  10. Ilakiyaselvan, N.; Nayeemulla Khan, A.; Shahina, A. Deep learning approach to detect seizure using reconstructed phase space images. J. Biomed. Res. 2020, 34, 240–250. [Google Scholar] [CrossRef]
  11. Fergus, P.; Hussain, A.; Hignett, D.; Al-Jumeily, D.; Abdel-Aziz, K.; Hamdan, H. A machine learning system for automated whole-brain seizure detection. Appl. Comput. Inform. 2016, 12, 70–89. [Google Scholar] [CrossRef]
  12. Prasanna, J.; Subathra, M.S.P.; Mohammed, M.A.; Damaševičius, R.; Sairamya, N.J.; George, S.T. Automated Epileptic Seizure Detection in Pediatric Subjects of CHB-MIT EEG Database—A Survey. J. Pers. Med. 2021, 11, 1028. [Google Scholar] [CrossRef]
  13. Truong, N.D.; Nguyen, A.D.; Kuhlmann, L.; Bonyadi, M.R.; Yang, J.; Ippolito, S.; Kavehei, O. Integer Convolutional Neural Network for Seizure Detection. IEEE J. Emerg. Sel. Top. Circuits Syst. 2018, 8, 849–857. [Google Scholar] [CrossRef]
  14. Saab, K.; Dunnmon, J.; Ré, C.; Rubin, D.; Lee-Messer, C. Weak supervision as an efficient approach for automated seizure detection in electroencephalography. NPJ Digit. Med. 2020, 3, 59. [Google Scholar] [CrossRef]
  15. Zhang, Y.; Yao, S.; Yang, R.; Liu, X.; Qiu, W.; Han, L.; Zhou, W.; Shang, W. Epileptic seizure detection based on bidirectional gated recurrent unit network. IEEE Trans. Neural Syst. Rehabil. Eng. 2022, 30, 135–145. [Google Scholar] [CrossRef]
  16. Fergus, P.; Hignett, D.; Hussain, A.; Al-Jumeily, D.; Abdel-Aziz, K. Automatic epileptic seizure detection using scalp EEG and advanced artificial intelligence techniques. BioMed Res. Int. 2015, 2015, 986736. [Google Scholar] [CrossRef]
  17. Yang, Y.; Truong, N.D.; Maher, C.; Nikpour, A.; Kavehei, O. Continental generalization of a human-in-the-loop AI system for clinical seizure recognition. Expert Syst. Appl. 2022, 207, 118083. [Google Scholar] [CrossRef]
  18. Choi, G.; Park, C.; Kim, J.; Cho, K.; Kim, T.J.; Bae, H.; Min, K.; Jung, K.Y.; Chong, J. A Novel Multi-scale 3D CNN with Deep Neural Network for Epileptic Seizure Detection. In Proceedings of the 2019 IEEE International Conference on Consumer Electronics (ICCE), Las Vegas, NV, USA, 11–13 January 2019; pp. 1–2. [Google Scholar]
  19. Peh, W.Y.; Thangavel, P.; Yao, Y.; Thomas, J.; Tan, Y.L.; Dauwels, J. Six-Center Assessment of CNN-Transformer with Belief Matching Loss for Patient-Independent Seizure Detection in EEG. Int. J. Neural Syst. 2023, 33, 23500120. [Google Scholar] [CrossRef]
  20. Li, P.; Karmakar, C.; Yearwood, J.; Venkatesh, S.; Palaniswami, M.; Liu, C. Detection of epileptic seizure based on entropy analysis of short-term EEG. PLoS ONE 2018, 13, e0193691. [Google Scholar] [CrossRef]
  21. Siddiqui, M.K.; Morales-Menendez, R.; Huang, X.; Hussain, N. A review of epileptic seizure detection using machine learning classifiers. Brain Inform. 2020, 7, 5. [Google Scholar] [CrossRef]
  22. Salami, P.; Lévesque, M.; Gotman, J.; Avoli, M. Distinct EEG seizure patterns reflect different seizure generation mechanisms. J. Neurophysiol. 2015, 113, 2840–2844. [Google Scholar] [CrossRef]
  23. Lieb, J.P.; Walsh, G.O.; Babb, T.L.; Walter, R.D.; Crandall, P.H.; Tassinari, C.A.; Portera, A.; Scheffner, D. A Comparison of EEG Seizure Patterns Recorded with Surface and Depth Electrodes in Patients with Temporal Lobe Epilepsy. Epilepsia 1976, 17, 137–160. [Google Scholar] [CrossRef]
  24. Wong, S.; Simmons, A.; Rivera-Villicana, J.; Barnett, S.; Sivathamboo, S.; Perucca, P.; Ge, Z.; Kwan, P.; Kuhlmann, L.; Vasa, R.; et al. EEG datasets for seizure detection and prediction—A review. Epilepsia Open 2023, 8, 252–267. [Google Scholar] [CrossRef] [PubMed]
  25. Oto, M. The misdiagnosis of epilepsy: Appraising risks and managing uncertainty. Seizure: Eur. J. Epilepsy 2017, 44, 143–146. [Google Scholar] [CrossRef] [PubMed]
  26. Benbadis, S.R. Errors in EEGs and the misdiagnosis of epilepsy: Importance, causes, consequences, and proposed remedies. Epilepsy Behav. 2007, 11, 257–262. [Google Scholar] [CrossRef] [PubMed]
  27. Hendrycks, D.; Gimpel, K. A baseline for detecting misclassified and out-of-distribution examples in neural networks. arXiv 2016, arXiv:1610.02136. [Google Scholar]
  28. Abdar, M.; Pourpanah, F.; Hussain, S.; Rezazadegan, D.; Liu, L.; Ghavamzadeh, M.; Fieguth, P.; Cao, X.; Khosravi, A.; Acharya, U.R.; et al. A review of uncertainty quantification in deep learning: Techniques, applications and challenges. Inf. Fusion 2021, 76, 243–297. [Google Scholar] [CrossRef]
  29. Ruff, L.; Vandermeulen, R.; Goernitz, N.; Deecke, L.; Siddiqui, S.A.; Binder, A.; Müller, E.; Kloft, M. Deep One-Class Classification. In Proceedings of the 35th International Conference on Machine Learning, Proceedings of Machine Learning Research, Stockholm, Sweden, 10–15 July 2018; pp. 4393–4402. [Google Scholar]
  30. Gal, Y.; Ghahramani, Z. Dropout as a bayesian approximation: Representing model uncertainty in deep learning. In Proceedings of the International Conference on Machine Learning, New York, NY, USA, 20–22 June 2016; pp. 1050–1059. [Google Scholar]
  31. MacKay, D.J. Bayesian neural networks and density networks. Nucl. Instrum. Methods Phys. Res. Sect. A Accel. Spectrometers Detect. Assoc. Equip. 1995, 354, 73–80. [Google Scholar] [CrossRef]
  32. Yang, J.; Zhou, K.; Li, Y.; Liu, Z. Generalized out-of-distribution detection: A survey. arXiv 2021, arXiv:2110.11334. [Google Scholar]
  33. Liu, B.; Xiao, Y.; Cao, L.; Hao, Z.; Deng, F. Svdd-based outlier detection on uncertain data. Knowl. Inf. Syst. 2013, 34, 597–618. [Google Scholar] [CrossRef]
  34. Ghorbani, H. Mahalanobis distance and its application for detecting multivariate outliers. Facta Univ. Ser. Math. Inform. 2019, 34, 583–595. [Google Scholar] [CrossRef]
  35. Milanés-Hermosilla, D.; Trujillo Codorniú, R.; López-Baracaldo, R.; Sagaró-Zamora, R.; Delisle-Rodriguez, D.; Villarejo-Mayor, J.J.; Núñez-Álvarez, J.R. Monte Carlo Dropout for Uncertainty Estimation and Motor Imagery Classification. Sensors 2021, 21, 7241. [Google Scholar] [CrossRef]
  36. Fiorillo, L.; Favaro, P.; Faraci, F.D. DeepSleepNet-Lite: A Simplified Automatic Sleep Stage Scoring Model with Uncertainty Estimates. IEEE Trans. Neural Syst. Rehabil. Eng. 2021, 29, 2076–2085. [Google Scholar] [CrossRef] [PubMed]
  37. Gill, R.S.; Caldairou, B.; Bernasconi, N.; Bernasconi, A. Uncertainty-Informed Detection of Epileptogenic Brain Malformations Using Bayesian Neural Networks. In Proceedings of the Medical Image Computing and Computer Assisted Intervention—MICCAI 2019, Shenzen, China, 13–17 October 2019; pp. 225–233. [Google Scholar]
  38. Carneiro, G.; Zorron Cheng Tao Pu, L.; Singh, R.; Burt, A. Deep learning uncertainty and confidence calibration for the five-class polyp classification from colonoscopy. Med. Image Anal. 2020, 62, 101653. [Google Scholar] [CrossRef] [PubMed]
  39. Olsson, H.; Kartasalo, K.; Mulliqi, N.; Capuccini, M.; Ruusuvuori, P.; Samaratunga, H.; Delahunt, B.; Lindskog, C.; Janssen, E.A.M.; Blilie, A.; et al. Estimating diagnostic uncertainty in artificial intelligence assisted pathology using conformal prediction. Nat. Commun. 2022, 13, 7761. [Google Scholar] [CrossRef]
  40. Jahmunah, V.; Ng, E.Y.K.; Tan, R.-S.; Oh, S.L.; Acharya, U.R. Uncertainty quantification in DenseNet model using myocardial infarction ECG signals. Comput. Methods Programs Biomed. 2023, 229, 107308. [Google Scholar] [CrossRef]
  41. Shin, J.H.; Lee, B.; Park, K.S. Detection of Abnormal Living Patterns for Elderly Living Alone Using Support Vector Data Description. IEEE Trans. Inf. Technol. Biomed. 2011, 15, 438–448. [Google Scholar] [CrossRef] [PubMed]
  42. Zhang, O.; Delbrouck, J.-B.; Rubin, D.L. Out of Distribution Detection for Medical Images. In Proceedings of the Uncertainty for Safe Utilization of Machine Learning in Medical Imaging, and Perinatal Imaging, Placental and Preterm Image Analysis: 3rd International Workshop, UNSURE 2021, and 6th International Workshop, PIPPI 2021, Held in Conjunction with MICCAI 2021, Strasbourg, France, 1 October 2021; pp. 102–111. [Google Scholar]
  43. Shoeb, A.H.; Guttag, J.V. Application of machine learning to epileptic seizure detection. In Proceedings of the 27th International Conference on Machine Learning (ICML-10), Haifa, Israel, 21–24 June 2010; pp. 975–982. [Google Scholar]
  44. Goldberger, A.L.; Amaral, L.A.; Glass, L.; Hausdorff, J.M.; Ivanov, P.C.; Mark, R.G.; Mietus, J.E.; Moody, G.B.; Peng, C.-K.; Stanley, H.E. PhysioBank, PhysioToolkit, and PhysioNet: Components of a new research resource for complex physiologic signals. Circulation 2000, 101, e215–e220. [Google Scholar] [CrossRef]
  45. Park, C.; Choi, G.; Kim, J.; Kim, S.; Kim, T.J.; Min, K.; Jung, K.Y.; Chong, J. Epileptic seizure detection for multi-channel EEG with deep convolutional neural network. In Proceedings of the 2018 International Conference on Electronics, Information, and Communication (ICEIC), Honolulu, HI, USA, 24–27 January 2018; pp. 1–5. [Google Scholar]
  46. Pierre, T.; Joelle, P.; Andrew, L. Learning Robust Features using Deep Learning for Automatic Seizure Detection. In Proceedings of the 1st Machine Learning for Healthcare Conference, PMLR, Los Angeles, CA, USA, 19–20 August 2016; pp. 178–190. [Google Scholar]
  47. Gómez, C.; Arbeláez, P.; Navarrete, M.; Alvarado-Rojas, C.; Le Van Quyen, M.; Valderrama, M. Automatic seizure detection based on imaged-EEG signals through fully convolutional networks. Sci. Rep. 2020, 10, 21833. [Google Scholar] [CrossRef]
  48. Hossain, M.S.; Amin, S.U.; Alsulaiman, M.; Muhammad, G. Applying Deep Learning for Epilepsy Seizure Detection and Brain Mapping Visualization. ACM Trans. Multimed. Comput. Commun. Appl. 2019, 15, 10. [Google Scholar] [CrossRef]
  49. Wei, X.; Zhou, L.; Chen, Z.; Zhang, L.; Zhou, Y. Automatic seizure detection using three-dimensional CNN based on multi-channel EEG. BMC Med. Inform. Decis. Mak. 2018, 18, 111. [Google Scholar] [CrossRef]
Figure 1. Shows the segmentation of EEG signals of a single channel into multiple 1 s sliding window with 0.5 s step size. This process is repeated for every channel in the EEG recordings.
Figure 1. Shows the segmentation of EEG signals of a single channel into multiple 1 s sliding window with 0.5 s step size. This process is repeated for every channel in the EEG recordings.
Sensors 23 08375 g001
Figure 2. Shows the process during inference time. The patient’s EEG recordings are divided into 1 second segments for seizure detection and uncertainty estimation simultaneously. Two results will be produced, the predictions and uncertainty score where the users will then make a final decision.
Figure 2. Shows the process during inference time. The patient’s EEG recordings are divided into 1 second segments for seizure detection and uncertainty estimation simultaneously. Two results will be produced, the predictions and uncertainty score where the users will then make a final decision.
Sensors 23 08375 g002
Figure 3. Shows the pseudocode for the process for uncertainty estimation based on a patient.
Figure 3. Shows the pseudocode for the process for uncertainty estimation based on a patient.
Sensors 23 08375 g003
Figure 4. Shows the CNN architecture of our DL model.
Figure 4. Shows the CNN architecture of our DL model.
Sensors 23 08375 g004
Figure 5. Shows each of the methods for detecting uncertainties in patients (block dots), indicating unreliable predictions for the patients if it falls below the threshold at 0.5 uncertainty score (red dotted line). Blue line indicates relationship between uncertainty score and F-beta score.
Figure 5. Shows each of the methods for detecting uncertainties in patients (block dots), indicating unreliable predictions for the patients if it falls below the threshold at 0.5 uncertainty score (red dotted line). Blue line indicates relationship between uncertainty score and F-beta score.
Sensors 23 08375 g005
Table 1. Shows the performance of the trained CNN model for each model.
Table 1. Shows the performance of the trained CNN model for each model.
PatientAccuracySpecificitySensitivityAUCF1 Score
10.950.950.950.990.89
20.970.970.910.980.83
30.920.920.90.950.81
40.930.930.810.930.71
50.890.890.940.970.83
60.920.920.310.740.19
70.980.980.870.980.81
80.880.880.740.890.71
90.980.980.950.980.87
100.950.950.940.970.87
110.950.950.910.980.89
120.940.940.830.950.82
130.540.550.410.460.35
140.970.970.730.950.68
150.910.910.340.810.33
160.950.950.530.90.41
170.850.850.830.930.72
180.960.960.870.960.81
190.980.980.880.980.84
200.930.930.570.790.51
210.940.940.840.960.73
220.940.9410.990.875
230.930.930.910.970.85
Average ± SD0.92 ± 0.090.92 ± 0.090.78 ± 0.200.91 ± 0.120.71 ± 0.21
Table 2. Shows the Pearson Correlation coefficient for each of the proposed methods, comparing the uncertainty score and the F1-Score.
Table 2. Shows the Pearson Correlation coefficient for each of the proposed methods, comparing the uncertainty score and the F1-Score.
TechniquePearson Correlation Coefficient (r)
Proposed Method−0.88
SoftMax Uncertainty−0.37
MC Dropout −0.19
Deep SVDD0.02
Table 3. Shows the performance of each method for uncertainty estimation in 23 patients, with threshold of 0.5.
Table 3. Shows the performance of each method for uncertainty estimation in 23 patients, with threshold of 0.5.
AccuracySpecificitySensitivityAUC
Proposed Method0.890.940.750.96
SoftMax confidence0.780.840.500.64
MC Dropout0.740.790.500.70
Deep SVDD0.780.890.250.54
Table 4. Shows the performance of each method of uncertainty estimation in 23 patients, with conservative thresholds of 0.7 and 0.8.
Table 4. Shows the performance of each method of uncertainty estimation in 23 patients, with conservative thresholds of 0.7 and 0.8.
F1 Threshold0.70.8
MetricsAccuracySpecificitySensitivityAUCAccuracySpecificitySensitivityAUC
Proposed Method0.9610.830.990.7810.50.99
SoftMax confidence0.780.880.50.610.690.920.40.61
MC Dropout0.650.760.30.620.520.750.30.62
Deep SVDD0.70.880.170.440.430.820.110.44
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

Wong, S.; Simmons, A.; Villicana, J.R.; Barnett, S. Estimating Patient-Level Uncertainty in Seizure Detection Using Group-Specific Out-of-Distribution Detection Technique. Sensors 2023, 23, 8375. https://doi.org/10.3390/s23208375

AMA Style

Wong S, Simmons A, Villicana JR, Barnett S. Estimating Patient-Level Uncertainty in Seizure Detection Using Group-Specific Out-of-Distribution Detection Technique. Sensors. 2023; 23(20):8375. https://doi.org/10.3390/s23208375

Chicago/Turabian Style

Wong, Sheng, Anj Simmons, Jessica Rivera Villicana, and Scott Barnett. 2023. "Estimating Patient-Level Uncertainty in Seizure Detection Using Group-Specific Out-of-Distribution Detection Technique" Sensors 23, no. 20: 8375. https://doi.org/10.3390/s23208375

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop