Next Article in Journal
Flexible PZT Thin Film Tactile Sensor for Biomedical Monitoring
Next Article in Special Issue
A Methodology and a Web Platform for the Collaborative Development of Context-Aware Systems
Previous Article in Journal
The Development of Sun-Tracking System Using Image Processing
Previous Article in Special Issue
Analysis and Description of HOLTIN Service Provision for AECG monitoring in Complex Indoor Environments
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Activity Recognition Using Hybrid Generative/Discriminative Models on Home Environments Using Binary Sensors

by
Fco. Javier Ordóñez
*,
Paula De Toledo
and
Araceli Sanchis
Computer Science Department, University Carlos III of Madrid, Legan´es, Madrid 28911, Spain
*
Author to whom correspondence should be addressed.
Sensors 2013, 13(5), 5460-5477; https://doi.org/10.3390/s130505460
Submission received: 27 February 2013 / Revised: 18 April 2013 / Accepted: 22 April 2013 / Published: 24 April 2013

Abstract

: Activities of daily living are good indicators of elderly health status, and activity recognition in smart environments is a well-known problem that has been previously addressed by several studies. In this paper, we describe the use of two powerful machine learning schemes, ANN (Artificial Neural Network) and SVM (Support Vector Machines), within the framework of HMM (Hidden Markov Model) in order to tackle the task of activity recognition in a home setting. The output scores of the discriminative models, after processing, are used as observation probabilities of the hybrid approach. We evaluate our approach by comparing these hybrid models with other classical activity recognition methods using five real datasets. We show how the hybrid models achieve significantly better recognition performance, with significance level p < 0.05, proving that the hybrid approach is better suited for the addressed domain.

1. Introduction

Population aging is currently having a significant impact on health care systems [1]. Improvements in medical care are resulting in increased survival into old age, thus cognitive impairments and problems associated with aging will increase [2]. It has been estimated that one billion people will be over the age of 60 by the year 2025 [3]. As the burden of healthcare on society increases, the need for finding more effective ways of providing care and support to the disabled and elderly at home becomes more predominant. Automatic health monitoring systems are considered a key technology in this challenge [4], because they can serve a dual role: (1) to increase the safety and the sense of security of people living on their own; and (2) to allow elderly patients to be self-reliant longer, fostering their autonomy [5].

Monitoring human activities of daily living (ADL), in order to assess the cognitive and physical wellbeing of elderly, is considered a main aspect in building intelligent and pervasive environments [6]. Systems that recognize ADL from sensor data are now an active topic of research; indeed diverse approaches have been proposed to deal with the activity recognition problem, ranging from video cameras [7], RFID readers [8] and wearable sensors [9]. However, Wireless Sensor Networks (WSN) are considered one of the most promising technologies for enabling health monitoring at home due to their suitability to supply constant supervision, flexibility, low cost and rapid deployment [10,11]. Besides, the inherent non-intrusive characteristics of these networks have been proved to suit perfectly with environments where privacy and user acceptance is required [12]. Previous approaches have shown how simple binary sensors have solid potential for solving the ADL recognition problem in the home [13], and can be applied in human-centric problems such as health and elder care [1416]. In Reference [17], binary sensors measuring the opening or closing of doors and cupboards, the use of electric appliances, as well as motion sensors were used to recognize ADLs of elderly people living on their own. Indeed, this kind of sensors is considered one of the most promising technologies to solve key problems in the ubiquitous computing domain, due to their suitability to supply constant supervision and their inherent non-intrusive characteristics.

In different studies, several models have been used to recognize ADL from sensor streams, such as Bayesian Networks [14], Conditional Random Field [18] or Evolving Classifiers [19]. However, recognizing human activities has to cope with several challenges: each human performs each activity differently, the length of the activities is usually unknown and sensor data are noisy. Nevertheless, temporal probabilistic models provide a good framework to handle the uncertainty caused by these issues. Specifically, the hidden Markov model (HMM) has been successfully applied in many sequential data modeling problems, and has been shown to perform well in this domain [8].

HMM can be effectively used for recognizing human activities, but modeling the emission probabilities when observable variables are defined by a collection of binary values can reach a high degree of complexity. To exactly model the distribution of the observation vector, all possible combinations of values in the feature space have to be considered, resulting in a large number of parameters and requiring accordingly large numbers of training elements. As demonstrated by Kasteren et al., the most plausible solution to this problem is to use a naive Bayes assumption, meaning that strong model assumptions, as the complete independence of every feature, must be applied [20]. In this paper we postulate that the combination of the discriminative capabilities of a machine learning scheme, such as an artificial neural network (ANN) or a support vector machine (SVM), and the superior dynamic time warping abilities of HMM can offer better results for the dynamic pattern recognition task addressed in this domain.

The resulting model is denoted as a hybrid HMM approach, where the temporal characteristics of the data are modeled by HMM state transitions and a machine learning scheme is used to model HMM state distributions. An important advantage of such hybrid models is that existing methods for HMM design, training and recognition can be employed without significant modifications, since the hybrid HMM behaves essentially as a conventional HMM.

Different types of hybrid HMM systems have successfully been applied in diverse domains. A particularly popular approach is to combine HMMs with ANNs. Rynkiewicz applied a hybrid HMM/ANN scheme to predict time series data, obtaining a model that gave a much better segmentation of the series [21]. Models based on a hybrid ANN framework have been also widely used on various recognition tasks, namely: speech recognition [22,23], handwritten text recognition [24], sentence recognition [25] and digit recognition [26].

Other hybrid HMM systems are also present in the literature. Stadermann et al., presented an acoustic model combining SVMs and HMMs that obtained an improvement of the word error rate compared with baseline acoustic models [27]. Ganapathiraju et al., also employed an implementation of a hybrid SVM/HMM system for speech recognition, where the SVMs were trained on segment level data with one-state HMMs [28]. In Reference [29], Markov et al., used Bayesian Networks as speech models to create a hybrid HMM/BN acoustic scheme that achieved better performance than the conventional HMM.

In the activity recognition domain, hybrid approaches have been also successfully employed. In our recent work [30], we showed that an ANN could be hybridized with HMMs to deal with the activity recognition problem in a home setting. Lester et al., developed a hybrid model that combined a modified version of AdaBoost with HMMs, and demonstrated it to be quite effective for recognizing various human activities using wearable devices [31].

This paper proposes two new approaches to recognize ADLs from binary sensor streams based on hybrid HMM schemes (combined with either ANN or SVM). We evaluate and compare the activity recognition performance of these models on multiple fully annotated real world datasets: three well known datasets generated by Kasteren et al., and two new datasets (“OrdonezA” and “OrdonezB”) that we introduce in this paper. This kind of approach has been previously applied for recognizing human activities using wearable devices but not in a wireless sensor network setting, to the best of our knowledge. In our experiments, hybrid models outperform other classical activity recognition methods, showing that the combination of generative and discriminative models can result in a significant increase in recognition performance.

This paper is organized as follows. Section 2 gives an overview of the type of data used in this study. Section 3 details the structure of the model employed in this work. Section 4 describes the experimental setting and experimental results obtained. Finally, Section 5 presents our conclusions and future work.

2. Binary Sensor Data

In this paper we have employed datasets generated by a set of simple state-change sensors installed in five different environments. Each dataset is composed by binary temporal data from a number of sensing nodes that monitored the ADLs performed in a home setting by a single inhabitant. Three of these datasets have been broadly employed in previous studies [32,33] and are publicly available for download from Reference [34].

The datasets were obtained using similar sensor systems in different houses. The layout of the different home settings differs strongly, as well as the sensors configuration. The type of sensors employed to monitor the users was chosen according to two main criteria: ease of installation and minimal intrusion. Sensors that need to be worn on the body may be considered intrusive by the user, and sensors that are easy to install can increase the acceptance of the system.

The WSNs deployed in our different home environments were focused to measure equivalent things: passive infrared sensors to detect motion in a specific area; reed switches for open/close states of doors and cupboards, and float sensors to measure the toilet being flushed. An overview of the datasets can be found in Table 1.

To provide a proper temporal format, the timeline is discretized into a set of time slices: measurements of the binary sensors taken at intervals that are regularly spaced with a predetermined time granularity Δt. Sensor events for each time slice t are denoted as x t i, indicating whether sensor i fired at least once between time t and time t + Δt, with x t i { 0 , 1 }. In a home setting with N state-change sensors, a binary observation vector x t = ( x y 1 , x t 2 , , x t N 1 , x t N ) T is defined for each time slice. In the employed data representation, each time interval strictly corresponds to a single data instance. The class of each data instance is defined by the activity label of the corresponding time segment. The activity at time slice t, which is the state that the system is in, is denoted with yt ∈ {1,…, Q} for Q possible states, so the classification task is to find a mapping between a sequence of observations x = { x t 1 , x t 2 , , x T } and a sequence of labels y = {yt1, yt2, …, yt} for a total of T time intervals (see Figure 1).

3. The Hybrid HMM Approach

In our ADL recognition problem, the goal is to identify which activities took place given a sequence of sensor data. Therefore, we want to find the likeliest sequence of activities y1:T that best explains the sequence of observations x1:T. In a probabilistic framework, this problem corresponds to finding the sequence y1:T that maximizes the a posteriori probability p(y1:T |x1:T).

In this section, we describe the classic HMM, explain the probability distributions that make up such model and introduce the set of parameters underlying these distributions. Then, we present how to create the hybrid recognition system through the effective combination of the HMM with discriminative classifiers.

3.1. Hidden Markov Model

A standard HMM is a generative probabilistic model defined in terms of an observable variable xt and a hidden variable yt at each discrete time instant. In our case the observable variable is composed by the features in the sensor feature space and the hidden variable is the ADL to recognize. Generative models provide an explicit representation of dependencies by specifying the factorization of the joint probability of the hidden and observable variables. The HMM is defined by two dependence assumptions, represented by the directed arrows in Figure 2.

  • The hidden variable at time t, namely yt, depends only on the previous hidden variable yt-1 (first order Markov assumption [35]).

  • The observable variable at time t, namely xt, depends only on the hidden variable yt at that time slice.

The joint probability therefore factorizes as follows:

p ( y 1 : T , x 1 : T ) = p ( y 1 ) p ( x 1 y 1 ) t = 2 T p ( y t y t 1 ) p ( x t y t )

The different factors further specify the workings of the model. The initial state distribution p(y1) is a probability table with individual values denoted as follows:

p ( y 1 = i ) π i

The observation distribution P(xt|yt) indicates the probability that the state yt would generate observation xt. In our domain each binary sensor observation is modeled as an independent Bernoulli distribution, giving:

p ( x t y t ) = n = 1 N p ( x t n y t )
p ( x t n = υ y t = i ) = ( μ i n ) υ ( 1 μ i n ) 1 υ

The transition probability distribution p(yt|yt-1) represents the probability of going from one state to the next. This is given by a conditional probability table A, where individual transition probabilities are denoted as follows:

p ( y t = j y t 1 = i ) a i j
Therefore, the entire model is fully specified by three probability distribution: the distribution over initial states parameterized by π{πi}; the transition distribution parameterized by A = {aij}; and the observation distribution parameterized by B = {μin}.

3.2. Hybrid Generative/Discriminative Modeling

The hybrid HMM approach is a combination of an HMM that models the temporal characteristics of the sequential data and a static classifier that outputs a posterior probability for each label, taking as input the features in the sensor feature space. In this paper, we make use of two popular and powerful machine learning schemes as emission probability estimators: an ANN (Artificial Neural Network) and an SVM (Support Vector Machine). A standard HMM is employed to capture the temporal dynamics, but instead of directly using the sensor features to define an observation distribution, we trained the HMM employing the posterior probabilities obtained by the discriminative model selected (either an ANN or an SVM). A diagram of an example of hybrid HMM approach is shown in Figure 3.

The neural networks we used in this work are Multi-Layer Perceptrons (MLP) trained with the error back-propagation algorithm in order to maximize the relative entropy criterion. The support vector classifiers are widely used in diverse disciplines due to their high accuracy and ability to handle non-linear problems. In brief, these schemes apply a kernel function K(.) to the dot product of feature vector to avoid dealing directly with the high dimensional space and the excessive computations that result from such transformations [36]. From the choice of available kernel functions we have chosen the radial basis function (RBF) kernel K(x, y) = exp(−(|xy|2)/(2σ2)), motivated by our experiments. Besides, in our case, the implementation of the SVM has to reduce our multiclass problem into multiple binary classification problems.

As previously explained, in a classic hidden Markov modeling approach, the emission probability density p ( x t y t ) has to be estimated for each state yt of the Markov chain, that is, the probability of the observed sensor features xt given the hypothesized state yt of the model. However, since in the presented scheme the emission probabilities are provided with discriminative models, we took advantage of an important property of these models, which is that their outputs are estimates of posterior probabilities when trained for pattern classification.

MLP can be trained to approximate the posterior probabilities of states when each unit of the output layer is associated with a specific state of the model [37]. A common way to obtain such distribution for every state y ∈ {1,…, Q} is to use the softmax activation function at the output layer:

p ( y x ) = exp ( s y ) i Q exp ( s i )
where sy is the yth output value before applying the softmax function.

Regarding the SVM, the transformation of the model's class distances to probabilities is done by applying a sigmoid function:

p ( y x ) = 1 1 + A exp ( s y + B )
where sy denotes the SVM output representing class y. The sigmoid function parameters A and B are estimated using the algorithm from Reference [38].

Hence, the output values of the classifiers are estimates of the probability distribution over states conditioned on the input:

g y t ( x t ) = p ( y t x t )
with gyt denoting the output representing state yt. The a posteriori probability estimates from the output, p ( y t x t ), can be transformed into emission probabilities required by HMMs, p ( x t y t ), by applying Bayes rule:
p ( x t y t ) = p ( y t x t ) p ( x t ) p ( y t )
The state priors p(yt) can be estimated from the relative frequencies of each state from the training data. Besides, the scaled likelihoods p ( y t x t ) / p ( y t ) can be directly used as emission probabilities in the addressed scheme since, during recognition, the scaling factor p ( x t ) is a constant for all states. Posterior probabilities are always forced to sum up to 1. Using this conversion, the discriminative models can be integrated into hybrid structural-connectionist models via a statistical framework [39], obtaining at each time slice the emission probabilities needed for the HMMs with better discriminating properties and without any hypothesis on the statistical distribution of the data.

Several studies have shown that incorporating the classification power and discriminating capabilities of such models with the temporal segmentation power and statistical modeling of HMMs results in a system that is better than either static classifiers or HMMs [40]. The benefits arising from using ANNs or SVMs as emission probability estimators are:

  • They provide discriminant-based learning, suppressing incorrect classification.

  • They do not need to treat features as independent. There is no need of any particular assumptions about the independence of input features and statistical distributions.

  • They are robust against under-sampled training data, meaning that statistical pattern recognition can be achieved over an under-sampled pattern space.

On the other hand, one of the drawbacks of this hybrid approach is that we have to use fully labeled datasets to train the classifiers.

The hybrid HMM model training is done by an iterative Expectation-Maximization algorithm, as proposed by Reference [39]. The training procedure proceeds as follows:

  • Among the available labelled data, training and test subsets are chosen using the cross-validation mechanism.

  • Assign an initial nonzero value to transition probabilities of the HMM.

  • The training data are employed to train the corresponding classifier (either the MLP or the SVM).

  • Use the partially trained hybrid model to find the best state sequence applying the Viterbi algorithm. This Viterbi procedure uses the class priors estimated from the relative frequencies of each class in the training data.

  • The procedure is repeated until convergence.

4. Experimental Setup and Results

To properly evaluate the presented approach, it has been tested on a real domain using real datasets. In the experiments carried out, we compare the performance of the two hybrid approaches proposed with other well-known classifiers, and with a classic HMM, since such temporal probabilistic model has shown to perform well in this domain [32]. It should be noted that we have followed the recommendations from Brush et al. [41], in the experimentation process and in the presentation of the results for the activity recognition domain.

This section is organized as follows. We first give a description of the dataset and provide details of our experimental design. Then, we present the results and discuss the outcome.

4.1. Datasets

Five fully labeled datasets were employed to validate the proposed approach, generated using five different sensor networks. The activities or labels considered were not the same for every dataset. In the datasets generated by Kasteren et al. [34], eight different ADLs were included as labels, namely: “Leaving”, “Toileting”, “Showering”, “Sleeping”, “Breakfast”, “Dinner”, “Drink”. Time intervals with no corresponding activity are referred to as “Idle”. In the “Ordonez” datasets “Drink” labels are not present, nevertheless four additional activities are included, namely: “Lunch”, “Snack”, “Spare time”, “Grooming”. Table 2 shows the number of separate instances per activity in each dataset.

As previously mentioned, sensor data streams were divided in time slices of constant length. For these experiments, sensor data were segmented in intervals of length Δt = 60 seconds, based on the contributions of Reference [20]. This interval length is considered long enough to be discriminative and short enough to provide good accuracy labelling results, since with larger time slices the shorter activities would not survive the discretization process. After segmentation, there were a total of 33,120 time slices for “KasterenA” dataset, 17,280 time slices for “KasterenB”, 24,480 time slices for “KasterenC”, 20,160 time slices for “OrdonezA” and 30,240 time slices for “OrdonezB” dataset.

4.2. Experimental Design

The raw data streams generated by the sensor networks can either be used directly or preprocessed into a different representation form. In order to augment the features space and to obtain further evaluation of our models, in this work we have experimented with different feature representations, originally proposed by Kasteren et al. [32]. The sensor streams have been employed using three different representations:

  • Raw: The raw sensor representation uses the sensor data in the same way it was received from the sensors network. The value is 1 when the sensor is active and 0 otherwise (see Figure 4(a)).

  • ChangePoint: The change point representation indicates the moment when a binary sensor changes its value. That is, the value is 1 when a sensor state changes from zero to one or vice versa, and 0 otherwise (see Figure 4(b)).

  • LastSensor: The last sensor representation indicates which sensor fired last. The sensor that changed state last continues to give 1 and only changes to 0 when another sensor changes its value (see Figure 4(c)).

During the experimentation these feature representations were used standalone and combined. Combining the feature representations was done by concatenating the feature matrices.

As can be noticed in Table 2, datasets suffer from a severe class imbalance problem due to the nature of the data. The class imbalance problem can be defined as a problem encountered by inductive learning systems on domains for which some classes are represented by a large number of examples while others are represented by only a few [42]. In learning extremely imbalanced data, the overall classification accuracy is considered not an appropriate measure of performance. A trivial classifier that predicted every instance as the majority class could achieve very high accuracy. Since in our case rare classes are of interest, we evaluate the models using F-Measure, a measure that considers the correct classification of each class equally important.

This measures can be calculated using the confusion matrix shown in Table 3. The diagonal of the matrix contains the true positives (TP), while the sum of a row gives us the total of true labels (TT) and the sum of a column gives us the total of inferred labels (TI). First, we calculate the precision and recall for each class separately and then take the average over all classes. F-Measure can be calculated from the precision and recall scores as follows:

F Measure = 2 precision recall precision + recall

The precision and recall metrics are defined as follows:

Precision = 1 N i = 1 N T P i T I i
Recall = 1 N i = 1 N T P i T T i

The models were validated splitting the original data into a test and training set using a “leave one day out” approach, retaining one full day of sensor readings for testing and using the remaining sub-samples as training data. The process is then repeated for each day and the average performance measure reported. Significance testing is done with significance level p < 0.05 using two different tests: a two-tailed Student t-test using matching paired data and a Wilcoxon signed-ranks test. We also perform a Wilcoxon significance test because Student t-test has shown a high probability of Type I errors when applied to repetitive random sampling or cross/leave-one-out validation [43].

4.3. Results

To evaluate the performance of the proposed hybrid approaches, they are compared with other classical activity recognition methods. As previously mentioned, two different discriminative models hybridized with HMMs are used in this work (HMM/MLP and HMM/SVM). Apart from a generative model (represented as a standard HMM), several well known classifiers are included in the comparison using a sliding window mechanism. It must be noted that, when using the HMM, each feature is modeled by an independent Bernoulli distribution, as proposed by previous studies [32].

The choice of the classifiers included in the comparison is based on the activity recognition study presented by Bao et. al. [44]. These discriminative models are: an MLP, an SVM, a tree-based classifier, a rule-based classifier and an instance-based classifier. Both MLP and SVM classifiers have the same configuration and topology as those hybridized with HMMs, which we have used to estimate the emission probabilities. For these classifiers, no function is applied to their output, since they are focused to directly recognize the activities, taking the sensor features as input. The tree-based classifier is modeled by the C4.5 algorithm [45], a widely employed algorithm to generate decision trees. The rule-based classifier is composed of propositional rules obtained through the Ripper algorithm [46]. The k-Nearest Neighbor (k-NN) algorithm [47] generates the instance-based classifier. The k-NN has to be parameterized with the number of neighbors (k) used for classification; in our case, our experiments showed that best results are obtained using k = 5.

Tables 4, 5, 6, 7 and 8 show the average F-Measure values for the five different datasets evaluated (“KasterenA”, “KasterenB”, “KasterenC”, “OrdonezA” and “OrdonezB” respectively). Rows correspond to the different feature representations employed (standalone and combined) and columns show the results of the experiments for each activity recognition model.

The results for datasets “KasterenA” and “KasterenB” are quite similar. With those datasets, the best results are obtained by the hybrid SVM/HMM approach, however the differences with some of the sliding window approaches (instance-based classifier, for example) are not statistically significant, with significance level p < 0.05. For dataset “KasterenC”, the hybrid MLP/HMM approach outperforms the other models, but the differences in this case cannot be considered to be significant either. Besides, with “KasterenB” and “KasterenC” datasets, both hybrid approaches significantly outperform the HMM approach.

Experiments carried out over the “OrdonezA” dataset show a clearly better F-measure performance for the hybrid schemes. In this case, the increase in performance for such hybrid approaches is statistically significant in all cases. On the other hand, although the HMM/SVM model outperforms the HMM hybridized with an MLP, the differences are not significant.

The results in the last test, over the “OrdonezB” dataset, are consistent with the experimentation data. The hybrid models achieve the best F-Measure value, but the difference with other models is considered to be not statistically significant in some cases.

Regarding the type of representation employed, in general terms, the best results are obtained using the “LastSensor” configuration as standalone and the “ChangePoint + LastSensor” concatenation as combined representation.

In Figure 5, the averaged performance over all datasets is shown for each model included in the experimentation. It can be noticed how both hybrid models significantly outperform the other approaches. The SVM hybrid model is the scheme that offers the best performance for this domain, significantly outperforming all other approaches. Both significance tests (Student t-test and Wilcoxon signed-ranks test) reveal how there are significant differences in the performance between hybrid MLP and hybrid SVM approaches.

This finding shows that combining the classification skills of a discriminative model with the generative and temporal powers of HMMs can lead to significantly better performance in real world activity recognition. In our experimentation, the generative/discriminative combination has been proved to outperform as much to the HMM as to the discriminative model employed (either the MLP or the SVM).

Besides, it is also remarkable that, when dealing with binary sensor features, the activity recognition algorithm based on SVM generalizes better than the MLP approach, in both hybrid and sliding window configurations. In some cases, differences in the results for the MLP hybrid approach are not even significant when compared with other models that used the sliding window mechanism (for instance when compared with the SVM). However, in both cases the recognition power of the discriminative models increases when they are combined with the ability of HMM to deal with temporal patterns.

5. Conclusions

In this paper we have proposed two new approaches to recognize ADLs from home environments using a network of binary sensors. Experimental results of the hybrid HMM models presented demonstrate how different hybrid schemes can be effectively employed for activity recognition in a home setting. Specifically, we show how the hybrid system obtained by using an SVM to estimate the emission probabilities of an HMM outperforms other well known sequential pattern recognition approaches. By incorporating the time modelling abilities of the HMM to the discriminative skills of the classifier we obtain an efficient scheme that is able to deal with the diverse statistical challenges presented in recognizing human activities and overcome the weakness of HMMs as effective classifiers. Considering the performance of the two hybrid approaches evaluated, the results show how the combination of discriminative and generative models is more accurate than either of the models on their own. Besides, when comparing the proposed hybrid approaches with other classifiers in terms of F-measure, hybrid schemes show a significantly better performance, with significance level p < 0.05, in both Student and Wilcoxon significance tests. It is also remarkable that the proposed hybrid models do not require to apply model assumptions and can estimate the emission probabilities with better discriminating properties, increasing the observations space and, without any hypotheses on the statistical distribution of the data, showing how the proposed system is a proper approach to deal with the addressed problem.

Among the different schemes evaluated, the SVM/HMM hybrid approach obtains a significant and notable better performance. We consider that SVM based approaches have great potential and further uses in this human activity recognition problem. However, it must be noticed that hybridizing these schemes implies a more complex system; hence, when integrating into a real home monitoring solution, it should be considered whether performance should take priority over efficiency. Fortunately, the training phase in a deployed activity recognizer is usually done offline, so we do not consider such growth of complexity a real problem in our domain.

Furthermore, the work presented here further demonstrates that accurate ADL recognition can be achieved by a set of simple and cheap state-change sensors installed in a wireless network.

In terms of future work, further extensions of the hybrid models are feasible, being possible to employ different classifiers as the discriminative layer of our approach. Also, due to the fact that the hybrid schemes can estimate the emission probabilities with better discriminating properties, it would be valuable to evaluate our approaches with non-binary sensor datasets.

Acknowledgments

This work has been supported by the Ambient Assisted Living Programme (Joint Initiative by the European Commission and EU Member States) under the Trainutri (Training and nutrition senior social platform) Project (AAL-2009-2-129) and by the Spanish Government under i-Support (Intelligent Agent Based Driver Decision Support) Project (TRA2011-29454-C03-03).

References

  1. Zola, I.K. Living at Home: The Convergence of Aging and Disability. In Staying Put-Adapting the Places Instead of the People; Lanspery, S., Hyde, J., Eds.; Baywood Publishing: Amityville, NY, USA, 1997; pp. 25–39. [Google Scholar]
  2. Pynoos, J. Neglected Areas in Gerontology: Housing Adaptation. Presentation at the Annual Scientific Meeting of the Gerontological Society of America, Boston, 20–24 November 2002.
  3. World Health Organization (WHO). Global Age-Friendly Cities: A Guide; WHO: Geneva, Switzerland, 2007. [Google Scholar]
  4. Milenkovic, A.; Otto, C.; Jovanov, E. Wireless sensor networks for personal health monitoring: Issues and an implementation. Comput. Commun. 2006, 29, 2521–2533. [Google Scholar]
  5. García-Vázquez, J.P.; Rodríguez, M.D.; Andrade, A.G.; Bravo, J. Supporting the strategies to improve elders' medication compliance by providing ambient aids. Pers. Ubiquitous Comput. 2011, 15, 389–397. [Google Scholar]
  6. Turaga, P.; Chellappa, R.; Subrahmanian, V.S.; Udrea, O. Machine recognition of human activities: A survey. IEEE Trans. Circuit. Syst. Video Technol. 2008, 18, 1473–1488. [Google Scholar]
  7. Duong, T.; Phung, D.; Bui, H.; Venkatesh, S. Efficient duration and hierarchical modeling for human activity recognition. Artif. Intell. 2009, 173, 830–856. [Google Scholar]
  8. Patterson, D.J.; Fox, D.; Kautz, H.; Philipose, M. Fine-Grained Activity Recognition by Aggregating Abstract Object Usage. Proceedings of the Ninth IEEE International Symposium on Wearable Computers, Osaka, Japan, 18–21 October 2005; pp. 44–51.
  9. Huynh, T.; Schiele, B. Towards Less Supervision in Activity Recognition from Wearable Sensors. Proceedings of the 2006 10th IEEE International Symposium on Wearable Computers, Montreux, Switzerland, 11–14 October 2006; pp. 3–10.
  10. Corchado, J.M.; Bajo, J.; Tapia, D.I.; Abraham, A. Using heterogeneous wireless sensor networks in a telemonitoring system for healthcare. Trans. Inf. Tech. Biomed. 2010, 14, 234–240. [Google Scholar]
  11. Hervás, R.; Bravo, J.; Fontecha, J. Awareness marks: Adaptive services through user interactions with augmented objects. Pers. Ubiquitous Comput. 2011, 15, 409–418. [Google Scholar]
  12. Jafari, R.; Encarnacao, A.; Zahoory, A.; Dabiri, F.; Noshadi, H.; Sarrafzadeh, M. Wireless Sensor Networks for Health Monitoring. Proceedings of the Second Annual International Conference on the Mobile and Ubiquitous Systems: Networking and Services (MobiQuitous 2005), San Diego, CA, USA, 17–21 July 2005; pp. 479–781.
  13. Tapia, E.M.; Intille, S.S.; Larson, K. Activity recognition in the home using simple and ubiquitous sensors. Pervasive Comput. 2004, 3001, 158–175. [Google Scholar]
  14. Wilson, D.; Atkeson, C. Simultaneous Tracking and Activity Recognition (STAR) Using Many Anonymous, Binary Sensors Pervasive Computing; Springer: Berlin/Heidelberg, Germany, 2005; Volume 3468, pp. 329–334. [Google Scholar]
  15. Cook, D.J.; Schmitter-Edgecombe, M. Assessing the quality of activities in a smart environment. Methods Inf. Med. 2009, 48, 480–485. [Google Scholar]
  16. de Ipiña, D.L.; de Sarralde, I.D.; García-Zubia, J. An ambient assisted living platform integrating RFID Data-on-Tag care annotations and twitter. J. Univers. Comput. Sci. 2010, 16, 1521–1538. [Google Scholar]
  17. Van Kasteren, T.L.M.; Noulas, A.; Englebienne, G.; Krö se, B.J. Accurate Activity Recognition in a Home Setting. Proceedings of the Conference on Autonomous Agents and Multiagent Systems (AAMAS 2007), Seoul, South Korea, 21–24 September 2007; pp. 1–9.
  18. Vail, D.L.; Veloso, M.M.; Lafferty, J.D. Conditional Random Fields for Activity Recognition. Proceedings of the Conference on Autonomous Agents and Multiagent Systems (AAMAS 2007), Honolulu, HI, USA, 14–18 May 2007; pp. 235:1–235:8.
  19. Ordoñez, F.J.; Iglesias, J.A.; de Toledo, P.; Ledezma, A.; Sanchis, A. Online activity recognition using evolving classifiers. Expert Syst. Appl. 2013, 40, 1248–1255. [Google Scholar]
  20. Van Kasteren, T. Activity recognition for health monitoring elderly using temporal probabilistic models. Ph.D. thesis, University of Amsterdam, Amsterdam, The Netherlands, 27 April 2011. [Google Scholar]
  21. Rynkiewicz, J. Hybrid HMM/MLP models for time series prediction. Proceedings of 7th European Symposium on Artificial Neural Networks (ESANN 1999), Bruges, Belgium, 21–23 April 1999; pp. 455–462.
  22. Bengio, Y. A connectionist approach to speech recognition. Int. J. Pattern Recognit. Artif. Intell. 1993, 7, 647–667. [Google Scholar]
  23. Rigoll, G.; Neukirchen, C. A New Approach to Hybrid HMM/ANN Speech Recognition Using Mutual Information Neural Networks. In Advances in Neural Information Processing Systems 9, NIPS*96; The MIT Press: Cambridge, MA, USA, 1996; pp. 772–778. [Google Scholar]
  24. Bengio, Y.; Lecun, Y.; Nohl, C.; Burges, C. LeRec: A NN/HMM hybrid for on-line handwriting recognition. Neural Comput. 1995, 7, 1289–1303. [Google Scholar]
  25. Marukatat, S.; Artires, T.; Gallinari, P.; Dorizzi, B. Sentence Recognition through Hybrid Neuro-Markovian Modeling. Proceedings of the International Conference on Document Analysis and Recognition (ICDAR), Seattle, WA, USA, 10–13 September 2001; pp. 731–735.
  26. Cosi, P. Hybrid HMM-NN Architectures for Connected Digit Recognition. Proceedings of IEEE -INNS-ENNS International Joint Conference on the Neural Networks, Como, Italy, 24–27 July 2000; Volume 5, p. 5085.
  27. Stadermann, J.; Rigoll, G. A hybrid SVM/HMM acoustic modeling approach to automatic speech recognition. Proceedings of the 8th International Conference on Spoken Language Processing (ICSLP), Jeju Island, Korea, 4–8 October 2004.
  28. Ganapathiraju, A.; Hamaker, J.; Picone, J. Hybrid SVM/HMM Architectures for Speech Recognition. Proceedings of the International Conference on Spoken Language Process, Beijing, China, 16–20 October 2000; pp. 504–507.
  29. Markov, K.; Nakamura, S. Using hybrid HMM/BN acoustic models: Design and implementation issues. IEICE Trans. Inf. Syst. 2006, E89-D, 981–988. [Google Scholar]
  30. Ordónez, F.J.; Duque, A.; de Toledo, P.; Sanchís, A. A hybrid HMM/ANN model for activity recognition in the home using binary sensors. Ambient Assisted Living and Home Care - 4th International Workshop, WAAL 2012, Vitoria-Gasteiz, Spain, 3–5 December 2012; pp. 98–105.
  31. Lester, J.; Choudhury, T.; Borriello, G. A Practical Approach to Recognizing Physical Activities. Proceedings of the 4th International Conference on Pervasive Computing, Dublin, Ireland, 7–10 May 2006; pp. 1–16.
  32. Van Kasteren, T.L.M.; Englebienne, G.; Kröse, B.J. An activity monitoring system for elderly care using generative and discriminative models. Pers. Ubiquitous Comput. 2010, 14, 489–498. [Google Scholar]
  33. Atallah, L.; Yang, G.Z. The use of pervasive sensing for behaviour profiling—A survey. Pervasive Mobile Comput. 2009, 5, 447–464. [Google Scholar]
  34. van Kasteren, T.L.M. Datasets for Activity Recognition. Available online: http://sites.google.com/site/tim0306/ (accessed on 3 April 2013).
  35. Rabiner, L.R. A tutorial on hidden markov models and selected applications in speech recognition. Proc. IEEE 1989, 77, 257–286. [Google Scholar]
  36. Schölkopf, B.; Burges, C.; Smola, A. Advances in Kernel Methods: Support Vector Learning; MIT Press: Cambridge, MA, USA, 1998. [Google Scholar]
  37. Bishop, CM. Neural Networks for Pattern Recognition; Oxford University Press: Oxford, UK, 1995. [Google Scholar]
  38. Platt, J. Probabilistic outputs for support vector machines and comparisons to regularized likelihood methods. Adv. Large Margin Classif. 1999, 10, 61–74. [Google Scholar]
  39. Espana-Boquera, S.; Castro-Bleda, M.J.; Gorbe-Moya, J.; Zamora-Martinez, F. Improving offline handwritten text recognition with hybrid HMM/ANN models. IEEE Trans. Pattern Anal. Mach. Intell. 2011, 33, 767–779. [Google Scholar]
  40. Bourlard, H.A.; Morgan, N. Connectionist Speech Recognition: A Hybrid Approach; Kluwer Academic Publishers: Norwell, MA, USA, 1993. [Google Scholar]
  41. Brush, A.; Krumm, J.; Scott, J. Activity Recognition Research: The Good, the Bad, and the Future. Proceedings of the Pervasive 2010 Workshop on How to do Good Research in Activity Recognition, Helsinki, Finland, 17–20 May 2010.
  42. Japkowicz, N.; Stephen, S. The class imbalance problem: A systematic study. Intell. Data Anal. 2002, 6, 429–449. [Google Scholar]
  43. Demšar, J. Statistical comparisons of classifiers over multiple data sets. J. Mach. Learn. Res. 2006, 7, 1–30. [Google Scholar]
  44. Bao, L.; Intille, S.S. Activity Recognition from User-Annotated Acceleration Data. In Pervasive Computing; Springer: Berlin/Heidelberg, Germany, 2004; pp. 1–17. [Google Scholar]
  45. Quinlan, J.R. C4.5: Programs for Machine Learning (Morgan Kaufmann Series in Machine Learning), 1st ed.; Morgan Kaufmann: San Francisco, CA, USA, 1992. [Google Scholar]
  46. Cohen, W.W. Fast Effective Rule Induction. Proceedings of the Twelfth International Conference on Machine Learning, Tahoe City, CA, USA, 9–12 July 1995; pp. 115–123.
  47. Aha, D.W.; Kibler, D. Instance-based learning algorithms. Mach. Learn. 1991, 6, 37–66. [Google Scholar]
Figure 1. Temporal segmentation and relation between sensor readings xi and time intervals Δt.
Figure 1. Temporal segmentation and relation between sensor readings xi and time intervals Δt.
Sensors 13 05460f1 1024
Figure 2. Graphical representation of HMM dependencies.
Figure 2. Graphical representation of HMM dependencies.
Sensors 13 05460f2 1024
Figure 3. HMM/MLP model structure.
Figure 3. HMM/MLP model structure.
Sensors 13 05460f3 1024
Figure 4. Considered feature representations. (a) Raw; (b) ChangePoint; (c) LastSensor.
Figure 4. Considered feature representations. (a) Raw; (b) ChangePoint; (c) LastSensor.
Sensors 13 05460f4 1024
Figure 5. Averaged performance for each model in the comparison.
Figure 5. Averaged performance for each model in the comparison.
Sensors 13 05460f5 1024
Table 1. Home settings description.
Table 1. Home settings description.
KasterenAKasterenBKasterenCOrdonezAOrdonezB
SettingApartmentApartmentHouseHouseHouse
Rooms32645
Duration22 days12 days17 days14 days21 days
Sensors1423211212
Table 2. Percentage of instances per class for each dataset.
Table 2. Percentage of instances per class for each dataset.
ActivityKasterenAKasterenBKasterenCOrdonezAOrdonezB
Leaving49.74%54.36%46.27%8.32%17.41%
Toileting0.65%0.27%0.62%0.76%0.55%
Showering0.7%0.6%0.6%0.54%0.24%
Sleeping33.42%33.53%28.46%39.1%35.58%
Breakfast0.23%0.52%0.62%0.63%1.02%
Dinner1.0%0.42%1.26%0%0.38%
Drink0.1%0.070.11%0%0%
Idle/Unlabeled14.12%10.12%21.97%5.61%11.73%
Lunch0%0%0%1.59%1.30%
Snack0%0%0%0.05%1.33%
Spare time/TV0%0%0%42.7%28.98%
Grooming0%0%0%0.73%1.42%
Table 3. Confusion Matrix showing the true positives (TP), total of true labels (TT) and total of inferred labels (TI) for each class.
Table 3. Confusion Matrix showing the true positives (TP), total of true labels (TT) and total of inferred labels (TI) for each class.
TrueInferred

123
1TP11213TT1
221TP223TT2
33132TP3TT3

TI1TI2TI3Total
Table 4. Experimental results for dataset “KasterenA”. Average F-Measure (expressed in %).
Table 4. Experimental results for dataset “KasterenA”. Average F-Measure (expressed in %).
Dataset KasterenA

Hybrid ModelsSchemes


RepresentationHMMMLPSVMMLPSVMTrees
(k=5)
k-NNRules
Raw41 ± 2055 ± 1258 ± 1251 ± 1154 ± 1053 ± 1255 ± 1152 ± 12
ChangePoint72 ± 1456 ± 1176 ± 950 ± 1152 ± 1154 ± 1054 ± 1054 ± 11
LastSensor61 ± 1560 ± 1262 ± 1261 ± 1161 ± 1159 ± 1161 ± 1161 ± 11
Raw&CP51 ± 2057 ± 1165 ± 954 ± 1056 ± 1056 ± 1258 ± 1154 ± 13
Raw&LS69 ± 1369 ± 1172 ± 967 ± 1067 ± 869 ± 969 ± 765 ± 10
CP&LS72 ± 1571 ± 1076 ± 868 ± 867 ± 868 ± 769 ± 767 ± 12
Raw&CP&LS70 ± 1468 ± 1273 ± 968 ± 870 ± 869 ± 770 ± 763 ± 11

Average62± 1562± 1169± 1060± 961± 1061± 1062± 959± 11
Table 5. Experimental results for dataset “KasterenB”. Average F-Measure (expressed in %).
Table 5. Experimental results for dataset “KasterenB”. Average F-Measure (expressed in %).
Dataset KasterenB

Hybrid ModelsSchemes


RepresentationHMMMLPSVMMLPSVMTreesk-NN
(k=5)
Rules
Raw39 ± 1353 ± 951 ± 1050 ± 1057 ± 1051 ± 1054 ± 1148 ± 12
ChangePoint51 ± 1660 ± 973 ± 1153 ± 556 ± 658 ± 758 ± 658 ± 8
LastSensor40 ± 1765 ± 963 ± 1065 ± 1265 ± 1264 ± 1265 ± 1264 ± 12
Raw&CP28 ± 1054 ± 956 ± 1453 ± 1057 ± 855 ± 1055 ± 751 ± 15
Raw&LS37 ± 1254 ± 1560 ± 1255 ± 1160 ± 859 ± 963 ± 949 ± 12
CP&LS44 ± 972 ± 1172 ± 1065 ± 863 ± 768 ± 766 ± 866 ± 9
Raw&CP&LS42 ± 1060 ± 1165 ± 1457 ± 963 ± 661 ± 865 ± 849 ± 10

Average40± 1260± 1063± 1257± 960± 860± 961± 955± 11
Table 6. Experimental results for dataset “KasterenC”. Average F-Measure (expressed in %).
Table 6. Experimental results for dataset “KasterenC”. Average F-Measure (expressed in %).
Dataset KasterenC

Hybrid ModelsSchemes


RepresentationHMMMLPSVMMLPSVMTrees
(k=5)
k-NNRules
Raw15 ± 850 ± 1245 ± 1050 ± 1049 ± 950 ± 848 ± 1044 ± 11
ChangePoint45 ± 859 ± 658 ± 1047 ± 846 ± 945 ± 746 ± 745 ± 6
LastSensor46 ± 1266 ± 763 ± 667 ± 767 ± 766 ± 867 ± 767 ± 7
Raw&CP46 ± 1050 ± 949 ± 847 ± 751 ± 849 ± 847 ± 943 ± 14
Raw&LS46 ± 1158 ± 1057 ± 857 ± 1061 ± 662 ± 762 ± 848 ± 12
CP&LS40 ± 1666 ± 962 ± 762 ± 866 ± 865 ± 964 ± 865 ± 8
Raw&CP&LS47 ± 1261 ± 859 ± 861 ± 962 ± 765 ± 762 ± 851 ± 9

Average40 ± 1159 ± 956 ± 856 ± 857 ± 857 ± 857 ± 852 ± 10
Table 7. Experimental results for dataset “OrdonezA”. Average F-Measure (expressed in %).
Table 7. Experimental results for dataset “OrdonezA”. Average F-Measure (expressed in %).
Dataset OrdonezA

Hybrid ModelsSchemes


RepresentationHMMMLPSVMMLPSVMTreesk-NN
(k=5)
Rules
Raw51 ± 778 ± 779 ± 577 ± 778 ± 778 ± 777 ± 578 ± 7
ChangePoint57 ± 561 ± 764 ± 752 ± 753 ± 752 ± 753 ± 752 ± 7
LastSensor54 ± 771 ± 767 ± 1067 ± 866 ± 865 ± 865 ± 865 ± 8
Raw&CP51 ± 581 ± 779 ± 677 ± 778 ± 778 ± 776 ± 778 ± 7
Raw&LS56 ± 582 ± 583 ± 882 ± 784 ± 782 ± 780 ± 8683 ± 8
CP&LS50 ± 772 ± 772 ± 1072 ± 871 ± 872 ± 771 ± 869 ± 8
Raw&CP&LS53 ± 582 ± 583 ± 782 ± 784 ± 783 ± 779 ± 883 ± 7

Average53± 0575± 676± 773± 773± 773± 772± 1872± 7
Table 8. Experimental results for dataset “OrdonezB”. Average F-Measure (expressed in %).
Table 8. Experimental results for dataset “OrdonezB”. Average F-Measure (expressed in %).
Dataset OrdonezB

Hybrid ModelsSchemes


RepresentationHMMMLPSVMMLPSVMTreesk-NN
(k=5)
Rules
Raw69 ± 774 ± 674 ± 868 ± 669 ± 769 ± 769 ± 768 ± 6
ChangePoint65 ± 861 ± 1268 ± 650 ± 750 ± 551 ± 752 ± 751 ± 6
LastSensor62 ± 672 ± 670 ± 772 ± 773 ± 771 ± 773 ± 773 ± 7
Raw&CP69 ± 775 ± 775 ± 668 ± 769 ± 769 ± 869 ± 869 ± 6
Raw&LS67 ± 671 ± 774 ± 674 ± 776 ± 672 ± 676 ± 776 ± 6
CP&LS66 ± 670 ± 772 ± 771 ± 874 ± 771 ± 673 ± 772 ± 6
Raw&CP&LS66 ± 772 ± 774 ± 673 ± 776 ± 774 ± 676 ± 877 ± 6

Average66± 0671± 772± 768± 769± 768± 770± 769± 6

Share and Cite

MDPI and ACS Style

Ordóñez, F.J.; De Toledo, P.; Sanchis, A. Activity Recognition Using Hybrid Generative/Discriminative Models on Home Environments Using Binary Sensors. Sensors 2013, 13, 5460-5477. https://doi.org/10.3390/s130505460

AMA Style

Ordóñez FJ, De Toledo P, Sanchis A. Activity Recognition Using Hybrid Generative/Discriminative Models on Home Environments Using Binary Sensors. Sensors. 2013; 13(5):5460-5477. https://doi.org/10.3390/s130505460

Chicago/Turabian Style

Ordóñez, Fco. Javier, Paula De Toledo, and Araceli Sanchis. 2013. "Activity Recognition Using Hybrid Generative/Discriminative Models on Home Environments Using Binary Sensors" Sensors 13, no. 5: 5460-5477. https://doi.org/10.3390/s130505460

Article Metrics

Back to TopTop