Next Article in Journal
Dynamic Group Authentication and Key Exchange Scheme Based on Threshold Secret Sharing for IoT Smart Metering Environments
Next Article in Special Issue
Adjustable Method for Real-Time Gait Pattern Detection Based on Ground Reaction Forces Using Force Sensitive Resistors and Statistical Analysis of Constant False Alarm Rate
Previous Article in Journal
Feature Selection and Comparison of Machine Learning Algorithms in Classification of Grazing and Rumination Behaviour in Sheep
Previous Article in Special Issue
Peripheral Network Connectivity Analyses for the Real-Time Tracking of Coupled Bodies in Motion
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Novelty Detection using Deep Normative Modeling for IMU-Based Abnormal Movement Monitoring in Parkinson’s Disease and Autism Spectrum Disorders

by
Nastaran Mohammadian Rad
1,2,3,*,
Twan Van Laarhoven
1,4,
Cesare Furlanello
3 and
Elena Marchiori
1
1
Institute for Computing and Information Science, Radboud University, 6525EC Nijmegen, The Netherlands
2
Department of Information Engineering and Computer Science, University of Trento, 38123 Trento, Italy
3
Fondazione Bruno Kessler, 38123 Trento, Italy
4
Faculty of Management, Science and Technology, Open University of the Netherlands, 6419AT Heerlen, The Netherlands
*
Author to whom correspondence should be addressed.
Sensors 2018, 18(10), 3533; https://doi.org/10.3390/s18103533
Submission received: 18 September 2018 / Revised: 15 October 2018 / Accepted: 16 October 2018 / Published: 19 October 2018
(This article belongs to the Special Issue Wearable Sensors for Gait and Motion Analysis 2018)

Abstract

:
Detecting and monitoring of abnormal movement behaviors in patients with Parkinson’s Disease (PD) and individuals with Autism Spectrum Disorders (ASD) are beneficial for adjusting care and medical treatment in order to improve the patient’s quality of life. Supervised methods commonly used in the literature need annotation of data, which is a time-consuming and costly process. In this paper, we propose deep normative modeling as a probabilistic novelty detection method, in which we model the distribution of normal human movements recorded by wearable sensors and try to detect abnormal movements in patients with PD and ASD in a novelty detection framework. In the proposed deep normative model, a movement disorder behavior is treated as an extreme of the normal range or, equivalently, as a deviation from the normal movements. Our experiments on three benchmark datasets indicate the effectiveness of the proposed method, which outperforms one-class SVM and the reconstruction-based novelty detection approaches. Our contribution opens the door toward modeling normal human movements during daily activities using wearable sensors and eventually real-time abnormal movement detection in neuro-developmental and neuro-degenerative disorders.

Graphical Abstract

1. Introduction

Recent advances in wearable sensor technology, and more specifically Inertial Measurement Unit (IMU) sensors, have provided an effective platform for remote monitoring of patients with motor malfunctions such as Parkinson’s Disease (PD) [1] and Autism Spectrum Disorder (ASD) [2]. IMUs contain built-in accelerometers, gyroscopes and magnetometer sensors allowing one to measure the angular velocity and linear acceleration of body parts during movement. IMUs—due to their small size, high portability and light weight—have become some of the most popular devices in human action recognition and abnormal movement detection. Especially in psychiatric clinical studies, IMUs not only provide the possibility to measure the kinetic symptoms and phenotypes automatically, but also, they enable caregivers to follow up on the progress of diseases and the quality of interventions more frequently than the current clinical practices [3,4].
ASD and PD are respectively neuro-developmental and neuro-degenerative disorders, each with different symptoms involving atypical motor movements. PD affects the motor system causing motor symptoms such as tremors, bradykinesia (slowness), Freezing of Gait (FOG), and muscle rigidity [5]. These abnormal motor defects significantly impair patients’ quality of life. Among them, FOG increases the risk of falling generally in elderly PD patients. ASD has also some specific motor behavior symptoms such as Stereotypical Motor Movements (SMMs) [6]. SMMs are the major group of abnormal repetitive behaviors, e.g., hand flapping and body rocking, in children with ASD. These atypical motor movements decrease the performance of children while learning new skills or using learned skills. In addition, since these behaviors are socially abnormal, they cause difficulties in social interaction with other peers. In the case of severity, SMMs can even lead to self-injury behaviors.
Recently, many research studies have focused on detecting abnormal movements in patients with mental or brain disorders, such as SMMs in children with ASD and FOG in PD patients, using wearable sensors [3,7,8,9]. These studies have mainly concentrated on applying supervised machine learning algorithms to classify samples of abnormal movements from normal ones. There are three main challenges in applying supervised approaches for abnormal movement detection: (i) they generally rely on the availability of labeled data while, especially in this context, data labeling is an expensive, time-consuming and subjective task [10,11,12], as it needs full monitoring of subjects during the data collection phase; (ii) severe class distribution skewness, where samples in the normal class severely out-represent abnormal samples in recorded data from patients with ASD and PD [13,14]; this fact makes the classification techniques sub-optimal for these applications; (iii) the heterogeneity of non-stationary patterns in normal and abnormal movements that makes the task of finding a separating hyper-cube in classification scenarios even more cumbersome [15].
As an alternative for supervised approaches, novelty detection provides all the ingredients needed for tackling the aforementioned challenges in an unsupervised fashion. In general, novelty detection is defined as the task of learning the overall characteristics of available normal samples in the training phase and then using these characteristics to recognize novel samples that differ in some respects from the normal samples at test time [11,16]. Based on this definition, novelty detection approaches naturally need only samples of the normal class in the training phase; hence, they do not need labeled data and are immunized against highly imbalanced class distributions. More importantly, adopting a probabilistic policy in novelty detection enables us to estimate the generative probability density function of the normal data, which can cover a wide and heterogeneous spectrum of normal samples. These advantages made novelty detection techniques very successful in many applications ranging from fraud detection [17,18], medical diagnosis [19,20,21], fault detection [22,23], to anomaly and outlier detection in sensor networks [24,25], video surveillance [26,27] and text mining [28,29].
In this paper, we adopt a probabilistic novelty detection approach based on normative modeling [30] in order to, first, model heterogeneous normal movements in PD and ASD and, second, to use the resulting model in a novelty detection paradigm to detect FOGs and SMMs in respectively PD and ASD patients. To this end, by assuming a multivariate normal distribution on the collected accelerometer signals of normal movements and exploiting the underlying principles of probabilistic deep neural networks [31], we extend the applications of normative modeling to unimodal datasets. In general, a normative model is constructed in the training phase by estimating a mapping function between two different data modalities, e.g., behavioral covariates and biological measurements. In some applications, such as ours, only one modality of data is available. To overcome this barrier, we use the denoising autoencoder (DAE) to reconstruct the original IMU signals of normal movements from their noisy versions. In fact, the model implicitly learns the distribution of the normal movements. Using dropout layers in the DAE architecture enables us to estimate also the variance of predictions (which is necessary for normative modeling) in addition to mean predictions. We compare the proposed method with state-of-the-art supervised approaches, as well as classic one-class classification and reconstruction-based novelty detection. Our experimental results on three benchmark datasets illustrate that the proposed method provides a reasonably close performance to its supervised counterparts, whilst yielding the best performance among other competing novelty detection approaches on three benchmark datasets.
The rest of the paper is organized as follows. Section 2 briefly reviews the state-of-the-art of novelty detection techniques for abnormal movement detection. Section 3 presents our proposed unsupervised novelty detection approach based on normative modeling. The experimental materials and the procedures are also described in this section. Section 4 compares our experimental results versus other novelty detection and supervised methods. In Section 5, we discuss the advantages and limitations of the proposed method and state the possible future directions.

2. Related Works

Recent studies on automatic SMM and FOG detection using wearable sensors have mainly focused on applying supervised machine learning and deep learning approaches, such as Convolutional Neural Network (CNN) and Long Short-Term Memory (LSTM), to distinguish between the normal and abnormal movements [9,32,33,34,35,36,37]. These methods are based on extracting or learning a set of robust features from the original signals and then applying the supervised algorithms for abnormal movement detection. The main drawback of these approaches, however, is their need for labeled data. To overcome this problem, few studies have recently focused on using novelty detection methods [38,39]. In a FOG detection application, Cola et al. [38] used a distance-based novelty detection method on accelerometer signals to detect abnormal gait patterns. Their proposed method consists of extracting a set of hand-crafted features and then applying a K-Nearest Neighbor (KNN) method. The KNN approach assumes that normal gait samples are located at the close distance from each other. Thus, a sample is determined as an abnormal sample if it is located far from its neighbors. Their proposed method achieved on average 80 % accuracy for detecting abnormal gait samples. Despite the reported high accuracy rate, the high computational complexity of KNN at the test time severely limits its application in real-time applications. Elsewhere, Nguyen et al. [39] proposed a probabilistic novelty detection method for abnormal gait recognition in musculoskeletal disorders using Microsoft Kinect® sensors. Their method was based on training a Hidden Markov Model (HMM) to model the transition of human posture states in a gait cycle. Then, to distinguish between the normal gait samples from the abnormal ones, a threshold was defined based on the mean and standard deviation of the estimated log-likelihood on normal gait samples.
Recently, deep learning approaches were also used for novelty detection applications. Erfani et al. [40] proposed a hybrid model of an autoencoder and one-class SVM for detecting anomalies in high-dimensional and large-scale datasets including a daily activity dataset. A set of learned features by autoencoders was fed to a one-class SVM in order to detect the abnormal samples. Their experimental results showed the superiority of using one-class SVM in the learned latent space rather than the original raw signal space. Autoencoders are also widely used for detecting abnormal patterns in medical images through the reconstruction error between the output of the model and the actual input [41,42]. Novelty detection based on reconstruction error was also used by Khan and Taati [43] for fall detection using wearable sensors. The proposed approach was based on using a channel-wise ensemble of autoencoders for data reconstruction and setting a threshold on the reconstruction error to distinguish the falling instances.

3. Methods

In the context of abnormal movement detection using wearable sensors, novelty detection is defined as detecting atypical movements in the test phase while only normal movements are available in the training phase. In this study, we consider a probabilistic novelty detection approach consisting of the following three steps: (1) learning the distribution of normal movements using a probabilistic denoising autoencoder; (2) quantifying the deviation of each test sample from the distribution of normal movements, the so-called Normative Probability Map (NPM), in the normative modeling framework; (3) computing the degree of novelty of each test sample by fitting a generalized extreme value distribution on summary statistics of its NPM.
We formalize these three steps in the next 3 subsections. Figure 1 also shows the proposed method.
In this text, we use boldface capital letters to represent matrices, boldface lowercase letters to represent vectors and italic lowercase letters to represent scalars.

3.1. Learning the Distribution of Normal Movements via the Denoising Autoencoder

As stated in the previous section, our method starts by modeling the normal movements. To do this, we use convolutional neural networks, which are the state-of-the-art for activity recognition and movement monitoring using wearable sensors. In particular, we train a Denoising Autoencoder (DAE), which is a type of (autoencoding) neural network that aims to reconstruct (denoise) its inputs from noisy samples.
More formally, given a training set X N R n N × p consisting of n N samples of normal movements drawn from a distribution P N of normal movements, a trained DAE is a function f N that has the property that f N ( X + ϵ ) X for X X N . Given sufficient training data, the network generalizes to reconstruct any X P N .
How well the autoencoder is able to denoise its input is proportional to how well that input matches the distribution of the training data, in our case how well the input matches a normal movement. Hence, we can use the distance between the reconstruction of DAE and the true sample, the reconstruction error, as a measure of the likelihood P N ( X ) of the sample.
However, the neural network only produces a point estimate, that is a single possible reconstruction given a noisy input. For some features or samples, this prediction might be very accurate, while others can be much harder to reconstruct. The reconstruction error does not take this prediction uncertainty into account.
To use the prediction uncertainty properly, we use the NPM, introduced in [30]. The original NPM method used Gaussian processes to model the normal data, which also provide a variance as a measure of uncertainty. To calculate the variance of the predictions in our denoising autoencoder setup, we instead use dropout [31], to make the network nondeterministic. As shown by Gal and Ghahramani [31], using Monte Carlo sampling by applying dropout at test time provides an approximation of the posterior P N ( θ X ) . After drawing m samples from the predictive distribution, we can calculate their empirical mean and variance,
M * = 1 m i = 1 m f i ( X ˜ * )
V * = 1 m i = 1 m ( f i ( X ˜ * ) M * ) 2 .
Here, f i indicates the different variations of the autoencoder network, which are formed by applying dropout.

3.2. Quantifying the Deviation from P N

In this study, we adapt the normative modeling framework in order to quantify the deviation of each newly-seen test sample from the distribution of normal movements P N . In this framework, the mean and variance of the reconstruction are used to compute an NPM,
Z = X * M * V * .
These NPM scores are in fact z-scores, quantifying the deviation of samples in X * from a reconstructed normal sample under P N , in units of standard deviation of the predictive distribution [44]. It combines two sources of information: (1) the prediction error (difference between the true and expected predicted responses) and (2) the predictive variance of the test points.

3.3. Computing the Degree of Novelty

The NPM score of each test sample is a p-dimensional multivariate measure of deviation. It quantifies the deviation for each of the p responses of a test sample. In order to summarize these deviations into a degree of abnormality, we follow [30] and employ the Generalized Extreme Value Distribution (GEVD) [45,46] to model the samples in the extreme tails of P N (see Appendix A for more details). In fact, we consider that abnormal motor movements may occur as an extreme deviation from a normal pattern. As in [30], we adopt a “block maxima” approach where we compute the 90 % trimmed mean of the top 1 % values in Z of each sample in order to summarize the deviations as a single number. Then, to make probabilistic subject-level inferences about these deviations, we fit a GEVD on the resulting summary statistics. The cumulative density function of the resulting GEVD at a given test sample then can be used as the probability of each sample being an abnormal sample [47].

3.4. Experimental Materials

We compare the performance of the proposed probabilistic novelty detection approach with reconstruction-based novelty detection [16,40], one-class Support Vector Machine (SVM) [48] and supervised deep learning approaches on two datasets: (i) an SMM dataset collected in a longitudinal study from children with ASD [3] (the SMM dataset and the full description of the data are publicly available at https://bitbucket.org/mhealthresearchgroup/stereotypypublicdataset-sourcecodes/downloads) and (ii) the Daphnet Freezing of Gait dataset collected from PD patients [49]. In the following, we detail the datasets and the preprocessing steps.

3.4.1. Datasets

The SMM dataset contains accelerometer recordings from 6 individuals with ASD who had a significant score on the RSB-R [50] for body rocking and hand flapping. The data were collected in two sessions from the same participants, here referred to as SMM-1 and SMM-2. During data collection, participants wore three 3-axis accelerometer sensors on their torso, right wrist and left wrist. Data for SMM-1 were collected using MIT sensors at a 60-Hz frequency rate. SMM-2 was recorded using Wockets sensors with a sampling frequency of 90 Hz. The recordings were annotated offline by an expert using the recorded video. To equalize the sampling rate of two recordings, the signal in SMM-1 was resampled to 90 Hz using a linear interpolation. Then, the cutoff high-pass filter with 0.1 Hz was applied to remove the DC components in the signal. Finally, the signal was segmented to 1 s-long intervals with 0.87 % overlap between consecutive windows.
The data in the Daphnet Freezing of Gait dataset [49], here referred to as FOG, were collected from 10 PD patients at a 64-Hz frequency rate while participants wore three 3-axis accelerometer sensors on their shank, thigh and belt. During the experiment, participants were instructed to perform walking tasks. The whole experiment was recorded with a digital video camera. Then, two physiotherapists annotated the FOG episodes using the video recordings. Following the preprocessing stage in [8], we first downsampled the accelerometer data to 32 Hz. The data were then segmented into 1 s-long intervals using a sliding window. The sliding window was moved along the time dimension with 10 time-steps to make overlaps between consecutive windows.
In the segmentation phase, segments with normal movement samples were selected to train the model. Other partial normal segments were removed from the training data. Table 1 summarizes the number of normal and abnormal samples for each subject in the SMM and FOG datasets. The difference in the number of samples in the abnormal and normal classes represents the unbalanced nature of data where in the SMM-1 and SMM-2 datasets, 31 % and 23 % of samples are in the SMM class, and in the FOG dataset, 11 % of samples are in the FOG class.

3.4.2. Network Architectures

Considering their different rhythmic characteristics, we used different network architectures for the FOG and SMMs datasets. We adopted the CNN architecture that was proposed by Hammerla et al. [8] for the FOG dataset and the CNN architecture proposed by Rad et al. [7] for the SMM datasets. In the following, we detail how these architectures are manipulated to serve our purpose explained in Section 3 (the Keras library [51] is used to implement DAE and CNN architectures).
  • DAE architecture for the FOG dataset: The original CNN architecture in Hammerla et al. [8] was used for encoding the signal into a lower dimensional representation. This architecture contains four convolutional layers alternating convolution, batch normalization, Rectified Linear Units (ReLU) and max-pooling layers to map the large input space to a lower dimensional feature space. A fully-connected layer is then stacked on top of the fourth convolution layer to form the encoder. We concatenate a mirror reversal of the encoder network to the last encoder layer in order to reconstruct the input signal in a DAE architecture. In the decoding part, we replace max-pooling layers with up-sampling layers. In order to capture the model uncertainty, we placed a dropout layer before every weight layer [31]. The resulting architecture is shown in Figure 2a.
  • DAE architecture for SMM datasets: Similar to [7], the encoder architecture consists of three convolutional layers, which alternates convolution, batch normalization, ReLUs and average-pooling layers to transform the raw feature space into a lower dimensional set of features. A fully-connected layer is then stacked on top of the third convolution layer. The resulting latent vector is then decoded in the decoder to reconstruct the input signal. Similar to the DAE architecture for the FOG dataset, the architecture of the decoder network is a mirror reversal of the encoder, and dropout layers are used before every weight layer. The architecture and the configuration of each layer are depicted in Figure 2b.

3.4.3. Experimental Setups and Evaluation

We conducted four experiments to evaluate the performance of the proposed method against three competing approaches:
  • Experiment 1, normative modeling: We followed the proposed procedure explained in Section 3, using the DAE architectures described in Section 3.4.2 for learning the distribution of the normal movements on the SMM-1, SMM-2 and FOG datasets. In this setting, models are trained in an unsupervised manner and only on the samples of normal movements. For training the DAEs, we used the RMSprop optimizer to minimize the mean squared error loss function. To compute M * and V * , we drew m = 50 MC samples from DAE predictions, and the mean and variance across these 50 MC samples are used to compute the M * and V * matrices. In all experiments, we fix the dropout level to 0.1 . Later in order to investigate the effect of the dropout level on the performance of the proposed novelty detection approach, we repeat this experiment for different dropout probability levels δ = { 0.1 , 0.2 , 0.3 , 0.4 , 0.5 } and compare the results.
  • Experiment 2, reconstruction-based: The goal of this experiment is to assess the effect of incorporating prediction uncertainties, i.e., V * , on the performance of the novelty detection system. All the experimental settings in this experiment are similar to Experiment 1, except for computing the NPMs, where we use Z = X * M * instead of Equation (2). Since in this setting, only the reconstruction error is used to construct a model of normal movements, we refer to this experiment as “reconstruction-based”.
  • Experiment 3, one-class SVM: The goal in this experiment is to compare the proposed method for novelty detection with one-class classification. To this end, we train a one-class SVM model in a novelty detection setting [16,40,52,53]. One-class SVM fits a hyper-sphere decision boundary on a nonlinearly-transformed feature space to include the majority of samples in the normal class and detects anomalies as deviations from the learned decision boundary. In this experiment in a similar setting used by Erfani et al. [40], we use the learned reduced-rank latent space via the DAE model, i.e., Y N R n N × q , to train a one-class SVM model. We use this model later to distinguish the normal and abnormal movements on the samples. For the one-class SVM, we employed the implementation available in the scikit-learn [54] package. We used the Radial Basis Function (RBF) kernel with default hyperparameters, where ν = 0.5 and γ = 1 q (Considering our assumption that only normal movement samples are available during the training phase, fine-tuning these hyperparameters is not possible. See Section 5.2 for the discussion.).
  • Experiment 4, supervised: To compare the performance of the proposed unsupervised novelty detection technique with supervised classification, we used the CNN architecture proposed in Hammerla et al. [8] and Rad et al. [7] on the FOG and SMM datasets, respectively, in a fully-supervised scenario.
Note that since the samples for Subjects 4 and 10 in the FOG dataset only contain normal movements (see Table 1), it is not possible to evaluate the benchmark approaches on these two subjects in Experiments 1–3. Thus, in an extra setting, we repeat Experiments 1–3 when only these two subjects are used in the training phase. This setting is even more close to the reality as only subjects with normal movements are available during the training phase (in this case, there is no need for the additional preprocessing procedure to select the normal segments).
In all experiments, the leave-one-subject-out cross-validation is used for the model evaluation, and the area under the receiver operating characteristic curve (ROC), i.e., AUC, is computed as the performance measure. The whole experimental procedures are repeated 5 times to report the standard deviation over the mean AUC performances.

4. Results

Table 2 summarizes single-subject and average AUC measures for the four experiments that were described in Section 3.4.3 on the FOG, SMM-1, and SMM-2 datasets.
On the FOG dataset, we observed a large variance of results across subjects. In particular, the normative modeling and reconstruction-based methods achieved a much lower AUC performance on Subjects 6 and 8 than on the other subjects. These two subjects were the only females in the dataset exhibiting atypical movement behavior (see Table 1). A potential explanation for the lower performance is that, when training on mainly male subjects, novelty detection models, which use the reconstruction error, are unable to reconstruct normal female movement behavior correctly. On the SMM datasets, the performance was more similar across subjects, notably on the SMM-1 dataset. This could be due to the controlled setting used to collect data: while wearing the sensors, participants were observed in the lab, sitting in a comfortable chair with a familiar teacher [55]. Results on the FOG dataset also indicated the presence of possible biases due to the limited size of the data from normal subjects (see also the results reported in Section 4.4). The public availability of larger datasets would allow a more thorough assessment of the methods for abnormal movement detection in PD and ASD, which would be highly beneficial to advance patient care and research. The results are further investigated in the following sections.

4.1. Normative Modeling Outperforms Reconstruction-Based and One-Class SVM in Novelty Detection

The comparison between results achieved by our normative modeling method and its reconstruction-based variant indicate the beneficial effect of incorporating the uncertainty of the predictions in the NPM scores for the FOG dataset. In this context, for all subjects, the normative modeling method outperformed the reconstruction-based one. On this dataset, normative modeling also outperformed one-class SVM on all except one subject. These results illustrate the effectiveness of normative modeling method for detecting movement disorder behavior in PD patients.
On the SMM-1 and SMM-2 datasets, normative modeling and reconstruction-based modeling methods achieved similar performance. This indicates that the uncertainty of the prediction did not significantly affect the ranking of the samples obtained using the reconstruction-error scores. On this dataset, the performance of one-class SVM was not very satisfactory. This result can be explained by the fact that one-class SVM does not rely on the properties of the distribution of the training data; rather, it fits a decision boundary on a nonlinearly-transformed feature space to include the majority of samples in the normal class and detects anomalies as samples falling outside the learned decision boundary. Therefore, the performance of this method is highly dependent on selecting proper parameters to control the size of the boundary.

4.2. Novelty Detection Methods vs. Supervised Learning Methods

Our experimental results in Table 2 demonstrate that our normative modeling method provided a reasonably close performance to its supervised counterpart on the SMM-1 dataset and a relatively close performance to the supervised method for the SMM-2 and FOG datasets. In particular, on the FOG dataset, in two cases (Subjects 1 and 5), the normative modeling method outperformed the supervised method (with a 7 % and 3 % improvement, respectively). Furthermore, on the SMM-1 dataset, the reconstruction-based method outperformed the supervised method in two cases, Subjects 2 and 5, with a 5 % and 4 % improvement, respectively.
To get a summarized demonstration of the performance of different novelty detection methods, we consider the best and the worst normative modeling results on the FOG dataset, i.e., Subjects 1 and 6. ROC curves for these subjects are depicted in Figure 3. In Figure 3a, we can see that both the reconstruction-based and normative modeling methods were able to identify the most normal (negative) data for Subject 1 correctly. However, the reconstruction-based approach was not able to find the most likely abnormal movement (positive) samples. Figure 3b shows the results for Subject 6. Here, around 1 / 4 of the samples were clearly identified as normal by most methods; however, the other samples could not be distinguished. In the normative modeling method, both positive and negative samples were assigned a high likelihood of being abnormal, perhaps because the normal movements for this subject differed too much from those in the training data.
Since the datasets presented in this paper are highly skewed, especially the FOG dataset, in addition to AUC, we also evaluated the performance of the methods using the Area Under the PRC curve (AUPR) [56]. Compared to AUC, the AUPR score places more weight on the highly ranked predictions by each method. As is shown in Table 3, on the FOG dataset, the normative modeling method achieved a higher average AUPR than other novelty detection methods. For some subjects, in particular Subject 6, all of the novelty detection methods showed low performances. We believe this is because this subject was too different from the training data, and hence, none of the methods found clear FOG signals, which can also be seen in Figure 3b. On the SMM datasets, normative modeling and reconstruction-based methods achieved comparable performance in terms of AUPR, while both clearly outperformed one-class SVMs. The AUPR scores for the autoencoder-based methods were quite high on this dataset, which indicates that they were able to find clear instances of SMM behaviors in all subjects correctly.

4.3. Effect of Dropout Level

Figure 4 depicts the effect of different dropout probabilities on the performance of the normative modeling method on the SMM-1, SMM-2 and FOG datasets with the leave-one-subject-out scheme. As is shown in Figure 4, using the different dropout probabilities had a negligible effect on the performance of the normative modeling method for the SMM and FOG datasets. Thus, a value between 0.1 and 0.4 can be used as the dropout probability level without a significant drop in the performance.

4.4. Training Only on Normal Subjects

It is interesting to investigate how our novelty detection methods perform when only data from subjects without atypical movement behavior are present in the training set. In this setting, the expert interaction and preprocessing time were reduced. Therefore, in this experiment, we trained the considered novelty detection models only on two normal subjects, i.e., Subjects 4 and 10 in the FOG dataset (see Table 1). Results of this experiment are shown in Table 4. As expected, there is a drop in the average performance compared to the results of Experiment 1 (see the FOG results in Table 2), which is likely due to the limited training data with just two subjects. Interestingly, in this setting, the normative modeling method improved its performance on Subject 2 ( 0.92 average AUC), showing that the normal movement behavior of this subject was closer to that of Subjects 4 and 10 than to that of the other subjects. Overall, the results of normative modeling and reconstruction-based methods decreased when using less data, while the results of one-class SVM did not change significantly, indicating that the latter method is incapable of exploiting information from more subjects.

5. Discussion

5.1. Estimating the Prediction Uncertainty: Deep Learning vs. Gaussian Processes

Considering our multi-variate Gaussian assumption on the distribution of the IMU signal of normal movements, Multi-task Gaussian Process Regression (MTGPR) [57] seemed to be a natural choice for estimating the structured prediction uncertainty in normative modeling. However, MTGPR comes with extra computational overheads in time and space ( O ( n N 3 p 3 ) and O ( n N 2 p 2 ) ) when computing the inverse cross-covariance matrices in the optimization and prediction phases. This problem is even more pronounced when dealing with multi-subject IMU-based abnormal movement detection when generally n N is in order of 10 5 to 10 6 . Despite extensive studies to reduce these computational barriers [21,58,59,60], the overall efficiency of the proposed approaches remained far below the minimum requirements in our target applications. To overcome this problem, in this study, we proposed to replace the MTGPR with a probabilistic DAE architecture for estimating the prediction uncertainties in the normative modeling framework. As supported by our experimental results, the estimated prediction uncertainties via DAE edged the novelty detection performance in comparison with the reconstruction-based approach. Our contribution facilitates the application of normative modeling on the large datasets (with large n N or p) in the big-data era.

5.2. Normative Modeling vs. One-Class Classification

One-class classification [61] and more specifically one-class SVM is a common choice for solving novelty detection problems [16,52,53]. It is shown that one-class SVMs achieve poor performance on high-dimensional datasets, while a combination of a feature extraction method such as deep belief networks with one-class SVM enhances the performance of such novelty detection methods [40]. However, the prediction performance of one-class SVM is highly sensitive to its hyperparameters (e.g., in the case of RBF kernel ν and γ ), especially on noisy data. This fact is well demonstrated in our experiments, where one-class SVM performed better when trained only on normal subjects; data, i.e., less noisy data (compare the results in Table 2 and Table 4). Therefore, fine-tuning of one-class SVM hyperparameters is necessary; however, this is only possible if we have access to the labeled validation data during the model selection phase. This limitation leaves the only option of using default parameters when dealing with non-labeled data, which results in sub-optimal performances. The proposed deep normative modeling approach for novelty detection overcomes this barrier, as our experiments on three benchmark datasets show that its only hyperparameter, i.e., the dropout level, can be set to 0.1 0.4 without a significant drop in the prediction performance.

5.3. Toward Modeling Human Normal Daily Movements Using Wearable Sensors

The majority of research studies in detecting human pathological movements using wearable sensors is mainly focused on classifying the normal movements from the abnormal ones. These approaches suffer from major deficits in supervised learning such as the lack of labeled samples and lack of generalization to newly-unseen movements. A possible turn around is to define the problem in an unsupervised framework and try to assemble a probabilistic model of human normal daily movements. If successful, then in, for example, a novelty detection scenario, any large deviation from this model can be considered as an abnormal movement for the diagnosis and treatment of patients with motor deficiencies. Of course, learning a realistic representation of all possible human movements is very challenging due to the large set of possible movements, inter- and intra-subject heterogeneity and the prevalence of noisy samples. The proposed deep normative modeling method provides an early, but effective step toward this direction as it provides all the needed ingredients for modeling heterogeneous normal human movements in an unsupervised fashion.

5.4. Limitations and Future Work

Using DAE for learning P N limits the application of the proposed method only to distance-based novelty detection approaches in the original and latent space; hence, it is not applicable in the density-based novelty detection [41]. This is because the DAE model is by nature unable to determine the density of normal data in the latent space. To address this problem, one possible future direction is to use generative alternative models instead of DAE such as variational autoencoders [62], adversarial autoencoders [63] or generative adversarial networks [64]. Another future direction is to use the proposed framework for implementing a real-time mobile application for abnormal movement detection. The proposed DAE-based normative modeling approach, unlike its MTGPR-based alternatives, does not need to store huge inverse covariance matrices at the test time. Adding to this the low computational complexity of DAE at the prediction phase (just matrix multiplications and summations) and high potential for parallel programming (for computing MC repetitions), the proposed method offers a very well-suited approach for online mobile novelty detection applications.

6. Conclusions

In this study, we addressed the problem of automatic abnormal movement detection in ASD and PD patients in a novelty detection framework. In the normative modeling framework, we used a convolutional denoising autoencoder to learn the distribution of the normal human movements from the accelerometer signals. We showed how the normative modeling framework can be employed to quantify the deviation of each unseen sample from the normal movement samples. We demonstrated empirically that our proposed method outperforms two other baseline novelty detection methods on the SMM and FOG datasets. Our method: (i) overcomes the high computational complexities of estimating the prediction uncertainties in multi-task normative modeling, thus facilitating its application to large datasets in the big-data era; (ii) unlike the common one-class classification setting, our method relaxes the need for having access to the labeled validation data during the model selection phase; and more importantly, (iii) our method provides the first step toward modeling human normal daily movements using wearable sensors. The proposed approach gathers all the required ingredients for implementing a real-time mobile application for abnormal movement detection in the future.

Author Contributions

N.M.R., T.v.L. and E.M. conceived of and designed the experiments. N.M.R. performed the experiments. N.M.R., T.v.L. and E.M. analyzed the results. N.M.R., T.v.L. and E.M. wrote the paper. E.M., T.v.L. and C.F. provided feedback in the writing process.

Funding

This work has been partially funded by the Netherlands Organization for Scientific Research (NWO) within the EW TOP Compartment 1 project 612.001.352.

Conflicts of Interest

The authors declare no conflict of interest. The founding sponsors had no role in the design of the study; in the collection, analyses or interpretation of data; in the writing of the manuscript; nor in the decision to publish the results.

Abbreviations

The following abbreviations are used in this manuscript:
IMUInertial Measurement Unit
PDParkinson’s Disease
ASDAutism Spectrum Disorder
FOGFreezing Of Gait
SMMStereotypical Motor Movements
DAEDenoising Autoencoder
GEVDGeneralized Extreme Value Distribution
CNNConvolutional Neural Network
ReLURectified Linear Units
SVMSupport Vector Machine
RBFRadial Basis Function
ROCReceiver Operating Characteristic
AUCArea Under the Curve
AUPRArea Under the Precision-Recall Curve
MCMonte Carlo
MTGPRMulti-Task Gaussian Process Regression

Appendix A. Generalized Extreme Value Distribution

For a random variable x R , the cumulative distribution function of the GEVD, i.e., F ( x ) , is defined as below [46]:
F ( x ) = e [ 1 + ξ ( x μ ) / σ ] 1 / ξ , ξ 0 e e [ ( x μ ) / σ ] , ξ = 0 ,
μ R and σ > 0 are the location and scale parameter, respectively. ξ R is the shape parameter and depending on whether ξ < 0 , ξ = 0 or ξ > 0 the distribution follows the special cases of GEVD, namely Weibull, Gumbel and Fréchet, respectively.

References

  1. Gelb, D.J.; Oliver, E.; Gilman, S. Diagnostic criteria for Parkinson disease. Arch. Neurol. 1999, 56, 33–39. [Google Scholar] [CrossRef] [PubMed]
  2. Lord, C.; Cook, E.H.; Leventhal, B.L.; Amaral, D.G. Autism spectrum disorders. Neuron 2000, 28, 355–363. [Google Scholar] [CrossRef]
  3. Goodwin, M.S.; Haghighi, M.; Tang, Q.; Akcakaya, M.; Erdogmus, D.; Intille, S. Moving towards a real-time system for automatically recognizing stereotypical motor movements in individuals on the autism spectrum using wireless accelerometry. In Proceedings of the 2014 ACM International Joint Conference on Pervasive and Ubiquitous Computing, Seattle, WA, USA, 13–17 September 2014; pp. 861–872. [Google Scholar]
  4. Tao, W.; Liu, T.; Zheng, R.; Feng, H. Gait analysis using wearable sensors. Sensors 2012, 12, 2255–2283. [Google Scholar] [CrossRef] [PubMed]
  5. Uitti, R.J.; Baba, Y.; Wszolek, Z.K.; Putzke, D.J. Defining the Parkinson’s disease phenotype: Initial symptoms and baseline characteristics in a clinical cohort. Parkinsonism Relat. Disord. 2005, 11, 139–145. [Google Scholar] [CrossRef] [PubMed]
  6. Morgan, L.; Wetherby, A.M.; Barber, A. Repetitive and stereotyped movements in children with autism spectrum disorders late in the second year of life. J. Child Psychol. Psychiatry 2009, 49, 826–837. [Google Scholar] [CrossRef] [PubMed]
  7. Rad, N.M.; Kia, S.M.; Zarbo, C.; van Laarhoven, T.; Jurman, G.; Venuti, P.; Marchiori, E.; Furlanello, C. Deep learning for automatic stereotypical motor movement detection using wearable sensors in autism spectrum disorders. Signal Process. 2018, 144, 180–191. [Google Scholar] [Green Version]
  8. Hammerla, N.Y.; Halloran, S.; Ploetz, T. Deep, convolutional, and recurrent models for human activity recognition using wearables. arXiv, 2016; arXiv:1604.08880. [Google Scholar]
  9. Camps, J.; Sama, A.; Martin, M.; Rodriguez-Martin, D.; Perez-Lopez, C.; Arostegui, J.M.M.; Cabestany, J.; Catala, A.; Alcaine, S.; Mestre, B.; et al. Deep learning for freezing of gait detection in Parkinson’s disease patients in their homes using a waist-worn inertial measurement unit. Knowl.-Based Syst. 2018, 139, 119–131. [Google Scholar] [CrossRef]
  10. Trabelsi, D.; Mohammed, S.; Chamroukhi, F.; Oukhellou, L.; Amirat, Y. An unsupervised approach for automatic activity recognition based on hidden Markov model regression. IEEE Trans. Autom. Sci. Eng. 2013, 10, 829–835. [Google Scholar] [CrossRef]
  11. Chandola, V.; Banerjee, A.; Kumar, V. Anomaly detection: A survey. ACM Comput. Surv. (CSUR) 2009, 41, 15. [Google Scholar] [CrossRef]
  12. Scott, C.; Blanchard, G. Novelty detection: Unlabeled data definitely help. In Proceedings of the Twelth International Conference on Artificial Intelligence and Statistics, Clearwater Beach, FL, USA, 16–18 April 2009; pp. 464–471. [Google Scholar]
  13. Rad, N.M.; Kia, S.M.; Zarbo, C.; Jurman, G.; Venuti, P.; Furlanello, C. Stereotypical motor movement detection in dynamic feature space. In Proceedings of the 2016 IEEE 16th International Conference on Data Mining Workshops (ICDMW), Barcelona, Spain, 12–15 December 2016; pp. 487–494. [Google Scholar]
  14. Mazilu, S.; Blanke, U.; Calatroni, A.; Gazit, E.; Hausdorff, J.M.; Tröster, G. The role of wrist-mounted inertial sensors in detecting gait freeze episodes in Parkinson’s disease. Pervasive Mob. Comput. 2016, 33, 1–16. [Google Scholar] [CrossRef]
  15. Marquand, A.F.; Wolfers, T.; Mennes, M.; Buitelaar, J.; Beckmann, C.F. Beyond lumping and splitting: A review of computational approaches for stratifying psychiatric disorders. Biol. Psychiatry Cogn. Neurosci. Neuroimaging 2016, 1, 433–447. [Google Scholar] [CrossRef] [PubMed]
  16. Pimentel, M.A.; Clifton, D.A.; Clifton, L.; Tarassenko, L. A review of novelty detection. Signal Process. 2014, 99, 215–249. [Google Scholar] [CrossRef]
  17. Jyothsna, V.; Prasad, V.R.; Prasad, K.M. A review of anomaly based intrusion detection systems. Int. J. Comput. Appl. 2011, 28, 26–35. [Google Scholar] [CrossRef]
  18. Jose, S.; Malathi, D.; Reddy, B.; Jayaseeli, D. A Survey on Anomaly Based Host Intrusion Detection System. J. Phys. Conf. Ser. 2018, 1000, 012049. [Google Scholar] [CrossRef]
  19. Tarassenko, L.; Hayton, P.; Cerneaz, N.; Brady, M. Novelty detection for the identification of masses in mammograms. In Proceedings of the 4th International Conference on Artificial Neural Networks, Cambridge, UK, 26–28 June 1995. [Google Scholar]
  20. Quinn, J.A.; Williams, C.K. Known unknowns: Novelty detection in condition monitoring. In Proceedings of the 2007 Iberian Conference on Pattern Recognition and Image Analysis, Girona, Spain, 6–8 June 2007; pp. 1–6. [Google Scholar]
  21. Kia, S.M.; Backmann, C.F.; Marquand, A.F. Scalable Multi-Task Gaussian Process Tensor Regression for Normative Modeling of Structured Variation in Neuroimaging Data. arXiv, 2018; arXiv:1808.00036. [Google Scholar]
  22. Zhang, Y.; Bingham, C.; Martínez-García, M.; Cox, D. Detection of emerging faults on industrial gas turbines using extended Gaussian mixture models. Int. J. Rotating Mach. 2017, 2017. [Google Scholar] [CrossRef]
  23. Słoński, M. Gaussian mixture model for time series-based structural damage detection. Comput. Assist. Methods Eng. Sci. 2017, 19, 331–338. [Google Scholar]
  24. Chen, L.J.; Ho, Y.H.; Hsieh, H.H.; Huang, S.T.; Lee, H.C.; Mahajan, S. ADF: an Anomaly Detection Framework for Large-scale PM2. 5 Sensing Systems. IEEE Internet Things J. 2018, 5, 559–570. [Google Scholar] [CrossRef]
  25. Islam, R.U.; Hossain, M.S.; Andersson, K. A novel anomaly detection algorithm for sensor data under uncertainty. Soft Comput. 2018, 22, 1623–1639. [Google Scholar] [CrossRef]
  26. Sabokrou, M.; Fayyaz, M.; Fathy, M.; Moayed, Z.; Klette, R. Deep-anomaly: Fully convolutional neural network for fast anomaly detection in crowded scenes. Comput. Vis. Image Understand. 2018. [Google Scholar] [CrossRef]
  27. Sultani, W.; Chen, C.; Shah, M. Real-world Anomaly Detection in Surveillance Videos. arXiv, 2018; arXiv:1801.04264. [Google Scholar]
  28. Khreich, W.; Khosravifar, B.; Hamou-Lhadj, A.; Talhi, C. An anomaly detection system based on variable N-gram features and one-class SVM. Inf. Softw. Technol. 2017, 91, 186–197. [Google Scholar] [CrossRef]
  29. Vaarandi, R.; Blumbergs, B.; Kont, M. An unsupervised framework for detecting anomalous messages from syslog log files. In Proceedings of the NOMS 2018 IEEE/IFIP Network Operations and Management Symposium, Taipei, Taiwan, 23–27 April 2018. [Google Scholar]
  30. Marquand, A.F.; Rezek, I.; Buitelaar, J.; Beckmann, C.F. Understanding heterogeneity in clinical cohorts using normative models: Beyond case-control studies. Biol. Psychiatry 2016, 80, 552–561. [Google Scholar] [CrossRef] [PubMed]
  31. Gal, Y.; Ghahramani, Z. Dropout as a Bayesian approximation: Representing model uncertainty in deep learning. In Proceedings of the 2016 International Conference on Machine Learning, New York, NY, USA, 19–24 June 2016; pp. 1050–1059. [Google Scholar]
  32. Tripoliti, E.E.; Tzallas, A.T.; Tsipouras, M.G.; Rigas, G.; Bougia, P.; Leontiou, M.; Konitsiotis, S.; Chondrogiorgi, M.; Tsouli, S.; Fotiadis, D.I. Automatic detection of freezing of gait events in patients with Parkinson’s disease. Comput. Methods Programs Biomed. 2013, 110, 12–26. [Google Scholar] [CrossRef] [PubMed]
  33. Mazilu, S.; Hardegger, M.; Zhu, Z.; Roggen, D.; Troster, G.; Plotnik, M.; Hausdorff, J.M. Online detection of freezing of gait with smartphones and machine learning techniques. In Proceedings of the 2012 6th International Conference on Pervasive Computing Technologies for Healthcare (PervasiveHealth), San Diego, CA, USA, 21–24 May 2012; pp. 123–130. [Google Scholar]
  34. Rodríguez-Martín, D.; Samà, A.; Pérez-López, C.; Català, A.; Arostegui, J.M.M.; Cabestany, J.; Bayés, À.; Alcaine, S.; Mestre, B.; Prats, A.; et al. Home detection of freezing of gait using support vector machines through a single waist-worn triaxial accelerometer. PLoS ONE 2017, 12, e0171764. [Google Scholar] [CrossRef] [PubMed]
  35. Rad, N.M.; Bizzego, A.; Kia, S.M.; Jurman, G.; Venuti, P.; Furlanello, C. Convolutional neural network for stereotypical motor movement detection in autism. arXiv, 2015; arXiv:1511.01865. [Google Scholar]
  36. Großekathöfer, U.; Manyakov, N.V.; Mihajlović, V.; Pandina, G.; Skalkin, A.; Ness, S.; Bangerter, A.; Goodwin, M.S. Automated detection of stereotypical motor movements in autism spectrum disorder using recurrence quantification analysis. Front. Neuroinform. 2017, 11, 9. [Google Scholar] [CrossRef] [PubMed]
  37. Rad, N.M.; Furlanello, C. Applying deep learning to stereotypical motor movement detection in autism spectrum disorders. In Proceedings of the 2016 IEEE 16th International Conference on Data Mining Workshops (ICDMW), Barcelona, Spain, 12–15 December 2016; pp. 1235–1242. [Google Scholar]
  38. Cola, G.; Avvenuti, M.; Vecchio, A.; Yang, G.Z.; Lo, B. An on-node processing approach for anomaly detection in gait. IEEE Sens. J. 2015, 15, 6640–6649. [Google Scholar] [CrossRef]
  39. Nguyen, T.N.; Huynh, H.H.; Meunier, J. Skeleton-based abnormal gait detection. Sensors 2016, 16, 1792. [Google Scholar] [CrossRef] [PubMed]
  40. Erfani, S.M.; Rajasegarar, S.; Karunasekera, S.; Leckie, C. High-dimensional and large-scale anomaly detection using a linear one-class SVM with deep learning. Pattern Recognit. 2016, 58, 121–134. [Google Scholar] [CrossRef]
  41. Vasilev, A.; Golkov, V.; Lipp, I.; Sgarlata, E.; Tomassini, V.; Jones, D.K.; Cremers, D. q-Space Novelty Detection with Variational Autoencoders. arXiv, 2018; arXiv:1806.02997. [Google Scholar]
  42. Chen, X.; Pawlowski, N.; Rajchl, M.; Glocker, B.; Konukoglu, E. Deep Generative Models in the Real-World: An Open Challenge from Medical Imaging. arXiv, 2018; arXiv:1806.05452. [Google Scholar]
  43. Khan, S.S.; Taati, B. Detecting unseen falls from wearable devices using channel-wise ensemble of autoencoders. Expert Syst. Appl. 2017, 87, 280–290. [Google Scholar] [CrossRef] [Green Version]
  44. Ziegler, G.; Ridgway, G.R.; Dahnke, R.; Gaser, C.; Alzheimer’s Disease Neuroimaging Initiative. Individualized Gaussian process-based prediction and detection of local and global gray matter abnormalities in elderly subjects. NeuroImage 2014, 97, 333–348. [Google Scholar] [CrossRef] [PubMed]
  45. Coles, S.; Bawa, J.; Trenner, L.; Dorazio, P. An Introduction to Statistical Modeling of Extreme Values; Springer: London, UK, 2001; Volume 208. [Google Scholar]
  46. Davison, A.C.; Huser, R. Statistics of extremes. Annu. Rev. Stat. Appl. 2015, 2, 203–235. [Google Scholar] [CrossRef]
  47. Roberts, S.J. Extreme value statistics for novelty detection in biomedical data processing. IEE Proc.-Sci. Meas. Technol. 2000, 147, 363–367. [Google Scholar] [CrossRef]
  48. Schölkopf, B.; Platt, J.C.; Shawe-Taylor, J.C.; Smola, A.J.; Williamson, R.C. Estimating the Support of a High-Dimensional Distribution. Neural Comput. 2001, 13, 1443–1471. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  49. Bachlin, M.; Roggen, D.; Troster, G.; Plotnik, M.; Inbar, N.; Meidan, I.; Herman, T.; Brozgol, M.; Shaviv, E.; Giladi, N.; et al. Potentials of enhanced context awareness in wearable assistants for Parkinson’s disease patients with the freezing of gait syndrome. In Proceedings of the ISWC’09 International Symposium on Wearable Computers, Linz, Austria, 4–7 September 2009; pp. 123–130. [Google Scholar]
  50. Lam, K.S.; Aman, M.G. The Repetitive Behavior Scale-Revised: Independent validation in individuals with autism spectrum disorders. J. Autism Dev. Disord. 2007, 37, 855–866. [Google Scholar] [CrossRef] [PubMed]
  51. Chollet, F. Keras. 2015. Available online: https://keras.io (accessed on 18 September 2018).
  52. Rajasegarar, S.; Leckie, C.; Bezdek, J.C.; Palaniswami, M. Centered hyperspherical and hyperellipsoidal one-class support vector machines for anomaly detection in sensor networks. IEEE Trans. Inf. Forensics Secur. 2010, 5, 518–533. [Google Scholar] [CrossRef]
  53. Clifton, L.A.; Yin, H.; Zhang, Y. Support vector machine in novelty detection for multi-channel combustion data. In International Symposium on Neural Networks; Springer: Berlin/Heidelberg, Germany, 2006; pp. 836–843. [Google Scholar]
  54. Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-Learn: Machine Learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
  55. Albinali, F.; Goodwin, M.S.; Intille, S.S. Recognizing stereotypical motor movements in the laboratory and classroom: A case study with children on the autism spectrum. In Proceedings of the 11th International Conference on Ubiquitous Computing, Orlando, FL, USA, 30 September–3 October 2009; pp. 71–80. [Google Scholar]
  56. Davis, J.; Goadrich, M. The relationship between Precision-Recall and ROC curves. In Proceedings of the 23rd International Conference on Machine Learning, Pittsburgh, PA, USA, 25–29 June 2006; pp. 233–240. [Google Scholar]
  57. Bonilla, E.V.; Chai, K.M.; Williams, C. Multi-task Gaussian process prediction. In Proceedings of the Neural Information Processing Systems 2008, Vancouver, BC, Canada, 8–10 December 2008; pp. 153–160. [Google Scholar]
  58. Álvarez, M.A.; Lawrence, N.D. Computationally efficient convolved multiple output Gaussian processes. J. Mach. Learn. Res. 2011, 12, 1459–1500. [Google Scholar]
  59. Rakitsch, B.; Lippert, C.; Borgwardt, K.; Stegle, O. It is all in the noise: Efficient multi-task Gaussian process inference with structured residuals. In Proceedings of the Neural Information Processing Systems 2013, Lake Tahoe, NV, USA, 5–10 December 2013; pp. 1466–1474. [Google Scholar]
  60. Kia, S.M.; Marquand, A. Normative Modeling of Neuroimaging Data using Scalable Multi-Task Gaussian Processes. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Granada, Spain, 16–20 September 2018. [Google Scholar]
  61. Moya, M.M.; Koch, M.W.; Hostetler, L.D. One-class classifier networks for target recognition applications. In NASA STI/Recon Technical Report N; NASA: Washington, DC, USA, 1993; Volume 93. [Google Scholar]
  62. Kingma, D.P.; Welling, M. Auto-encoding variational bayes. arXiv, 2013; arXiv:1312.6114. [Google Scholar]
  63. Makhzani, A.; Shlens, J.; Jaitly, N.; Goodfellow, I.; Frey, B. Adversarial autoencoders. arXiv, 2015; arXiv:1511.05644. [Google Scholar]
  64. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Proceedings of the Neural Information Processing Systems 2014, Montreal, QC, Canada, 8–13 December 2014; pp. 2672–2680. [Google Scholar]
Figure 1. The proposed method for the abnormal movement detection in the test time.
Figure 1. The proposed method for the abnormal movement detection in the test time.
Sensors 18 03533 g001
Figure 2. The architecture of convolutional denoising autoencoder for (a) the FOG dataset and (b) the SMM dataset. Each colored box represents one layer. The type and configuration of each layer are shown inside each box. For example, Conv 64-5 denotes a convolutional layer with 64 filters and 5 kernel size.
Figure 2. The architecture of convolutional denoising autoencoder for (a) the FOG dataset and (b) the SMM dataset. Each colored box represents one layer. The type and configuration of each layer are shown inside each box. For example, Conv 64-5 denotes a convolutional layer with 64 filters and 5 kernel size.
Sensors 18 03533 g002
Figure 3. ROC curves corresponding to the reported AUCs for Subjects 1 and 6 (a,b) of the FOG dataset in Table 2.
Figure 3. ROC curves corresponding to the reported AUCs for Subjects 1 and 6 (a,b) of the FOG dataset in Table 2.
Sensors 18 03533 g003
Figure 4. The effect of different dropout probabilities on the performance of the normative modeling method.
Figure 4. The effect of different dropout probabilities on the performance of the normative modeling method.
Sensors 18 03533 g004
Table 1. The class distribution of normal and abnormal samples and the gender of patients in three datasets.
Table 1. The class distribution of normal and abnormal samples and the gender of patients in three datasets.
DataSubject#Normal#AbnormalAllAbnormal/AllGender
FOGSub157143346048 0.06 M
Sub239185784496 0.13 M
Sub354889126400 0.14 M
Sub46592065920M
Sub5513915176656 0.23 M
Sub659174196336 0.07 F
Sub748582625120 0.05 M
Sub818126202432 0.25 F
Sub946738635536 0.16 M
Sub107104071040F
Total50,482623856,720 0.11 -
SMM-1Sub121,292566326,955 0.21 M
Sub212,763437217,135 0.26 M
Sub331,780285534,635 0.08 M
Sub410,57110,24320,8140.49M
Sub517,782617323,9550.26M
Sub612,20717,72529,9320.59M
Total106,39547,031153,4260.31-
SMM-2Sub118,72911,65630,3850.38M
Sub222,611480427,4150.18M
Sub340,55726840,8250.01M
Sub438,796817646,9720.17M
Sub522,896672829,6240.23M
Sub6237511,17813,5530.82M
Total145,96442,810188,7740.23-
Table 2. The average of AUC results for novelty detection using normative modeling, reconstruction-based and one-class SVM on three benchmark datasets.
Table 2. The average of AUC results for novelty detection using normative modeling, reconstruction-based and one-class SVM on three benchmark datasets.
DatasetSubjectNormativeReconstruction1C-SVMSupervised
FOGSub1 0.87 ± 0.01 0.64 ± 0.00 0.73 ± 0.02 0.80 ± 0.02
Sub2 0.80 ± 0.03 0.80 ± 0.00 0.54 ± 0.03 0.95 ± 0.01
Sub3 0.87 ± 0.01 0.77 ± 0.00 0.43 ± 0.06 0.90 ± 0.02
Sub5 0.83 ± 0.01 0.70 ± 0.00 0.60 ± 0.02 0.80 ± 0.03
Sub6 0.60 ± 0.03 0.50 ± 0.00 0.70 ± 0.05 0.80 ± 0.04
Sub7 0.79 ± 0.01 0.66 ± 0.00 0.67 ± 0.02 0.92 ± 0.01
Sub8 0.64 ± 0.01 0.48 ± 0.00 0.70 ± 0.02 0.65 ± 0.03
Sub9 0.77 ± 0.02 0.51 ± 0.00 0.62 ± 0.05 0.94 ± 0.01
Mean 0.77 ± 0.01 0.63 ± 0.00 0.62 ± 0.01 0.84 ± 0.01
SMM-1Sub1 0.86 ± 0.01 0.71 ± 0.00 0.32 ± 0.01 0.89 ± 0.01
Sub2 0.85 ± 0.01 0.88 ± 0.00 0.23 ± 0.03 0.83 ± 0.02
Sub3 0.87 ± 0.02 0.91 ± 0.00 0.22 ± 0.03 0.93 ± 0.01
Sub4 0.88 ± 0.03 0.81 ± 0.01 0.31 ± 0.04 0.95 ± 0.00
Sub5 0.76 ± 0.03 0.87 ± 0.01 0.26 ± 0.01 0.83 ± 0.03
Sub6 0.88 ± 0.03 0.82 ± 0.00 0.30 ± 0.02 0.93 ± 0.01
Mean 0.85 ± 0.01 0.83 ± 0.00 0.28 ± 0.01 0.89 ± 0.01
SMM-2Sub1 0.69 ± 0.05 0.76 ± 0.01 0.37 ± 0.04 0.79 ± 0.07
Sub2 0.61 ± 0.04 0.58 ± 0.00 0.46 ± 0.02 0.53 ± 0.03
Sub3 0.62 ± 0.02 0.63 ± 0.02 0.42 ± 0.02 0.63 ± 0.05
Sub4 0.74 ± 0.09 0.42 ± 0.02 0.49 ± 0.05 0.88 ± 0.06
Sub5 0.65 ± 0.09 0.77 ± 0.03 0.45 ± 0.03 0.78 ± 0.04
Sub6 0.65 ± 0.03 0.73 ± 0.02 0.44 ± 0.02 0.74 ± 0.11
Mean 0.66 ± 0.02 0.65 ± 0.01 0.44 ± 0.01 0.73 ± 0.03
Table 3. The average AUPR for novelty detection using normative modeling, reconstruction-based and one-class-SVM on three benchmark datasets.
Table 3. The average AUPR for novelty detection using normative modeling, reconstruction-based and one-class-SVM on three benchmark datasets.
DatasetSubjectNormativeReconstruction1C-SVMSupervised
FOGSub1 0.48 ± 0.02 0.11 ± 0.00 0.11 ± 0.02 0.38 ± 0.02
Sub2 0.32 ± 0.03 0.51 ± 0.01 0.13 ± 0.01 0.79 ± 0.03
Sub3 0.51 ± 0.01 0.35 ± 0.00 0.12 ± 0.02 0.55 ± 0.02
Sub5 0.54 ± 0.01 0.36 ± 0.00 0.28 ± 0.02 0.59 ± 0.03
Sub6 0.08 ± 0.01 0.06 ± 0.00 0.10 ± 0.02 0.33 ± 0.06
Sub7 0.22 ± 0.01 0.09 ± 0.00 0.09 ± 0.01 0.49 ± 0.04
Sub8 0.38 ± 0.01 0.26 ± 0.00 0.43 ± 0.05 0.34 ± 0.04
Sub9 0.42 ± 0.03 0.19 ± 0.00 0.21 ± 0.05 0.71 ± 0.05
Mean 0.37 ± 0.01 0.24 ± 0.00 0.18 ± 0.01 0.52 ± 0.01
SMM-1Sub1 0.69 ± 0.01 0.56 ± 0.00 0.15 ± 0.00 0.76 ± 0.02
Sub2 0.63 ± 0.02 0.76 ± 0.00 0.17 ± 0.01 0.72 ± 0.03
Sub3 0.57 ± 0.03 0.60 ± 0.01 0.05 ± 0.00 0.70 ± 0.04
Sub4 0.86 ± 0.02 0.78 ± 0.01 0.39 ± 0.02 0.93 ± 0.00
Sub5 0.50 ± 0.05 0.75 ± 0.01 0.18 ± 0.00 0.67 ± 0.04
Sub6 0.90 ± 0.02 0.81 ± 0.01 0.47 ± 0.01 0.95 ± 0.01
Mean 0.69 ± 0.01 0.71 ± 0.00 0.23 ± 0.00 0.79 ± 0.01
SMM-2Sub1 0.56 ± 0.05 0.65 ± 0.01 0.33 ± 0.03 0.71 ± 0.08
Sub2 0.23 ± 0.02 0.20 ± 0.00 0.16 ± 0.01 0.22 ± 0.01
Sub3 0.01 ± 0.00 0.02 ± 0.00 0.01 ± 0.00 0.02 ± 0.01
Sub4 0.37 ± 0.07 0.20 ± 0.00 0.18 ± 0.02 0.66 ± 0.16
Sub5 0.33 ± 0.10 0.42 ± 0.04 0.22 ± 0.02 0.48 ± 0.07
Sub6 0.87 ± 0.01 0.90 ± 0.01 0.78 ± 0.01 0.91 ± 0.04
Mean 0.40 ± 0.02 0.40 ± 0.01 0.28 ± 0.01 0.50 ± 0.03
Table 4. The average of AUC results for novelty detection using normative modeling, reconstruction-based and one-class-SVM trained only on the two available normal subjects (Subjects 4 and 10) of the FOG dataset.
Table 4. The average of AUC results for novelty detection using normative modeling, reconstruction-based and one-class-SVM trained only on the two available normal subjects (Subjects 4 and 10) of the FOG dataset.
DatasetSubjectNormativeReconstruction1C-SVM
FOGSub1 0.81 ± 0.01 0.63 ± 0.00 0.76 ± 0.00
Sub2 0.92 ± 0.00 0.81 ± 0.00 0.65 ± 0.02
Sub3 0.75 ± 0.08 0.67 ± 0.01 0.41 ± 0.05
Sub5 0.82 ± 0.01 0.69 ± 0.00 0.63 ± 0.02
Sub6 0.51 ± 0.05 0.41 ± 0.01 0.77 ± 0.03
Sub7 0.67 ± 0.03 0.53 ± 0.00 0.65 ± 0.01
Sub8 0.41 ± 0.03 0.41 ± 0.01 0.71 ± 0.03
Sub9 0.58 ± 0.09 0.44 ± 0.01 0.67 ± 0.04
Mean 0.68 ± 0.02 0.57 ± 0.00 0.65 ± 0.01

Share and Cite

MDPI and ACS Style

Mohammadian Rad, N.; Van Laarhoven, T.; Furlanello, C.; Marchiori, E. Novelty Detection using Deep Normative Modeling for IMU-Based Abnormal Movement Monitoring in Parkinson’s Disease and Autism Spectrum Disorders. Sensors 2018, 18, 3533. https://doi.org/10.3390/s18103533

AMA Style

Mohammadian Rad N, Van Laarhoven T, Furlanello C, Marchiori E. Novelty Detection using Deep Normative Modeling for IMU-Based Abnormal Movement Monitoring in Parkinson’s Disease and Autism Spectrum Disorders. Sensors. 2018; 18(10):3533. https://doi.org/10.3390/s18103533

Chicago/Turabian Style

Mohammadian Rad, Nastaran, Twan Van Laarhoven, Cesare Furlanello, and Elena Marchiori. 2018. "Novelty Detection using Deep Normative Modeling for IMU-Based Abnormal Movement Monitoring in Parkinson’s Disease and Autism Spectrum Disorders" Sensors 18, no. 10: 3533. https://doi.org/10.3390/s18103533

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