Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

A Novel Maximum Entropy Markov Model for Human Facial Expression Recognition

  • Muhammad Hameed Siddiqi ,

    Contributed equally to this work with: Muhammad Hameed Siddiqi, Md. Golam Rabiul Alam, Choong Seon Hong, Adil Mehmood Khan, Hyunseung Choo

    Affiliation College of Information and Communication Engineering, Sungkyunkwan University, Suwon-si, Gyeonggi-do, Rep. of Korea

  • Md. Golam Rabiul Alam ,

    Contributed equally to this work with: Muhammad Hameed Siddiqi, Md. Golam Rabiul Alam, Choong Seon Hong, Adil Mehmood Khan, Hyunseung Choo

    Affiliation Department of Computer Engineering, Kyung Hee University, Suwon, Rep. of Korea

  • Choong Seon Hong ,

    Contributed equally to this work with: Muhammad Hameed Siddiqi, Md. Golam Rabiul Alam, Choong Seon Hong, Adil Mehmood Khan, Hyunseung Choo

    Affiliation Department of Computer Engineering, Kyung Hee University, Suwon, Rep. of Korea

  • Adil Mehmood Khan ,

    Contributed equally to this work with: Muhammad Hameed Siddiqi, Md. Golam Rabiul Alam, Choong Seon Hong, Adil Mehmood Khan, Hyunseung Choo

    Affiliation Department of Computer Science, Innopolis University, Kazan, Russia

  • Hyunseung Choo

    Contributed equally to this work with: Muhammad Hameed Siddiqi, Md. Golam Rabiul Alam, Choong Seon Hong, Adil Mehmood Khan, Hyunseung Choo

    choo@skku.edu

    Affiliation College of Information and Communication Engineering, Sungkyunkwan University, Suwon-si, Gyeonggi-do, Rep. of Korea

Abstract

Research in video based FER systems has exploded in the past decade. However, most of the previous methods work well when they are trained and tested on the same dataset. Illumination settings, image resolution, camera angle, and physical characteristics of the people differ from one dataset to another. Considering a single dataset keeps the variance, which results from differences, to a minimum. Having a robust FER system, which can work across several datasets, is thus highly desirable. The aim of this work is to design, implement, and validate such a system using different datasets. In this regard, the major contribution is made at the recognition module which uses the maximum entropy Markov model (MEMM) for expression recognition. In this model, the states of the human expressions are modeled as the states of an MEMM, by considering the video-sensor observations as the observations of MEMM. A modified Viterbi is utilized to generate the most probable expression state sequence based on such observations. Lastly, an algorithm is designed which predicts the expression state from the generated state sequence. Performance is compared against several existing state-of-the-art FER systems on six publicly available datasets. A weighted average accuracy of 97% is achieved across all datasets.

Introduction

Knowledge about each other’s emotional states is important for effective communication among humans. They are responsive to each other’s emotions, and computers should gain this ability, too. Several scientific studies have been carried out to automatically detect human emotions in various fields. These include human-computer interaction [1, 2], psychology and cognitive sciences [3], access control and surveillance systems [4], and driver state surveillance. Physiological state of human body, such as blood pressure, heart rate, speech etc., is one way of monitoring someone’s emotions. Emotion recognition by recognizing facial expression offers a simple yet effective alternative [58].

A typical facial expression recognition (FER) system performs four tasks. These include: preprocessing of video data, feature extraction, feature selection, and recognition, as shown in Fig 1. The preprocessing module processes the video frames to remove noise, detects facial boundaries, and performs face segmentation. The segmented facial region is processed by the feature extraction module to extract distinguishing features for each type of expression, which are then quantified as discrete symbols [9]. The feature selection module selects a subset of extracted features using techniques such as linear discriminant analysis. Finally, the recognizer module uses a trained classifier on the selected features to recognize the expression in the incoming video stream.

thumbnail
Fig 1. General flow diagram for a typical facial expression recognition (FER) system.

https://doi.org/10.1371/journal.pone.0162702.g001

Previous studies in FER have mostly focused on the use of traditional learning methods in the recognizer module [10]. These include artificial neural networks (ANN), Gaussian mixture model (GMM), support vector machine (SVM), hidden Morkov model (HMM), deep learning methods, and hidden conditional random fields. Among these, HMM is the most commonly used learner for FER problems. However, as stated by [7, 1113], the main weakness with HMM is its assumption that the current state depends on only the previous state.

Having these limitations and lack of improvement in HMM learning model, this paper investigates the use maximum entropy Markov model (MEMM) for FER. More specifically, in the proposed method the video observations are considered to be the observations of MEMM, and the facial expressions are modeled as the states of MEMM. A modified Viterbi is then used to generate the most probable expression state sequence based on modeled observations. Finally, the expression state is predicted from the most likely state sequence. It is also investigated and shown that the existing models are limited due to their independent assumptions which may result in decreasing the classification accuracy. For feature extraction and selection wavelet transform coupled with optical flow and stepwise linear discriminant analysis (SWLDA) are used, respectively. The proposed approach is tested and validated on six publicly available datasets. The average recognition accuracy is 97% across all the datasets. To the best of our knowledge, it is the first time that MEMM model is being utilized as a classifier for FER systems.

Related Works

This section summarizes different classification methods that have been used in existing studies. For instance, artificial neural networks (ANNs) were used by [14, 15] in their work on FER. The major problem with ANNs is their high computational complexity. They may suffer from the problem of local minima as well [7].

Other systems, including [1619] achieved good recognition performance by utilizing support vector machines (SVMs). However, SVM does not exploit temporal dependencies between adjacent video frames and each frame is processed statistically independent of others [7]. Similarly, Gaussian mixture model (GMM) was employed by [2022] in their respective systems. However, GMM lacks ability to model abrupt changes, which limits its applicability for recognizing spontaneous expressions [23].

Different kinds of facial expressions were recognized by [24, 25] using decision trees. The memory requirements of a decision tree-based classifier are usually high. In addition to this, the patterns in a decision tree are defined on expectations and these expectations could be illogical, which could result in error-prone decision trees. Although, a decision tree follows a pattern matching for events and relationships between them, it may not be possible to cover all the combinations. Such oversights can lead to bad decisions, which shows the limitation of decision trees. [26].

Some works, such as [27, 28] have employed bayesian networks-based classifiers. However, a bayesian network-based classifier requires prior knowledge. Having limited or incorrect prior knowledge degrades the recognition performance. Moreover, it is very difficult for bayesian networks to handle continuous data [29].

As stated in [7, 30], the most commonly used learning method for FER is the HMM. It offers advantage of handling sequential data when frame-level features are used. In such a case, vector-based classifiers, e.g., GMM, ANN, SVM, decision tree, and bayes classifier, do not perform well. However, HMM has a well-known problem: it assumes that the current state depends only on the previous state, due to which these two states must occur consecutively in the observation sequence. This assumption does not hold in reality. To solve this, non-generative models such as conditional random fields (CRF) [31] and hidden conditional random fields (HCRF) [7, 11, 13] were proposed. HCRF is an extension of CRF to learn hidden structure of sequential data through hidden states. Both of them use global normalization instead of per-state normalization. This allows for weighted scores and makes the parameter space larger than that of HMM. However, HCRF requires explicitly involving the full covariance Gaussian distribution in the observation level which may cause the complexity issue [7].

Materials and Methods

The details of each component of the proposed FER system is as follows.

Preprocessing

Global histogram equalization (GHE) [5] is used to improve the image quality. GHE does that by increasing the dynamic range of the intensity using the histogram of the whole image. It obtains the scale factor from the normalized cumulative distribution of the brightness distribution of the original image and multiplies this scale factor by the original image to redistribute the intensity [32]. GHE finds the running sum of the histogram values and then normalizes it by dividing it by the total number of pixels. This value is then multiplied by the maximum gray-level value and then mapped onto the previous values in a one-to-one correspondence [32].

For the face detection and extraction, active contour (AC) based model is used [30]. This method automatically detects and extracts human faces from the expression frames, which is based on level sets integrated with two energy functions: Chan-Vese (CV) energy function to remove the dissimilarities within a face, and Bhattacharyya distance function to maximize the distance between the face and background.

Feature Extraction and Selection

In order to represent movable parts of the face, features are extracted by applying the wavelet transform on the extracted facial regions. More specifically, the symlet wavelet transform coupled with optical flow is used. The former helps in diminishing the noise, whereas the latter extracts the facial movement features.

In order to remove any redundancy in the feature space,a non-linear feature selection method called stepwise linear discriminant analysis (SWLDA) is applied to the selected feature space. SWLDA selects the most informative features a forward selection model and removes the irrelevant features through a backward regression model. Further details are available in [30].

Proposed Model

Details of the Maximum Entropy Markov Model (MEMM).

As mentioned earlier, in this work the expression states are modeled as MEMM, as it is one of the best candidates for modeling the sequential states and observations similar to HMM. In generative HMM, the joint probability is used to determine the maximum likelihood of observation sequence. On the other hand, in discriminative MEMM, conditional probability is used to predict the state sequence from the observation sequence [33]. The dependency among the states and observations in HMM and MEMM are presented by the dependency graph shown in Fig 2.

thumbnail
Fig 2. (a) shows the dependency graph of HMM, while (b) presents the dependency graph of MEMM.

https://doi.org/10.1371/journal.pone.0162702.g002

Fig 3 presents the M state MEMM model. The set of states is defined as the facial expressions Ψ = {χ1, χ2, …, χM} = {Happy, Anger, Sad, Surprise, Fear, Disgust}. The corresponding frame observations are represented by the set Φ = {φ1, φ2, …, φ}, where ℑ observation ranking in time. Each φi is the vector of observed discriminative features {δ1, δ2, …, δn}, which are extracted from the expression frames at time slot ti. Finally, ℵ is the total number discriminative features. Now the primal objective is to determine the most likely state sequence L = {l1, l2, …, lp} ∈ Ψ based on the current sequential observations Φ for the duration ℑ.

thumbnail
Fig 3. MEMM based on expression state model for FER system.

https://doi.org/10.1371/journal.pone.0162702.g003

To generate the most likely state sequence, HMM requires transition probability Pii−1), emission probability Pii), and initial probability Pi). On the other hand, MEMM requires a single function Pii−1, Φi), which is easily obtainable from the maximum entropy model, as discussed in next section. These properties of MEMM is the reason that this work uses it to model expression states for determining the hidden expression state sequences.

Learning and Parameter Estimation in MEMM.

Various methods exist in literature for estimating the parameters of MEMM, which are thoroughly described in [33]. This work utilizes the maximum entropy (MaxEnt: Ω) model (1) to estimate the transition probability from state Ψi−1 to Ψi based on the observation Φ. (1) where δk is the feature value of observations of the training dataset considering χ features in total, ζk is the trainable weights of the multinomial logistic regression.

Now to fulfill the probability axiom of summation of probabilities of whole state space should be equal to 1. Therefore, the right hand side of Eq(1) is is normalized through a normalization factor ℜ to make the left hand side as a probability distribution of Ψ. (2) (3) (4) According to Eq(4), to find out Pii−1, Φi) the (MaxEnt: Ω) parameter ζk is now the major concern as the feature parameter δk is already known from the training dataset. Based on the MEMM modeling the facial expression classes are considered as the states of MEMM. To define the facial expression class level, the probability of the defined class should be greater than other facial expression classes. Therefore, maximization of Pii−1, Φi) through parameter ζ is formulated as the following optimization problem Eq (5). (5) By assuming total D instances in training dataset and considering log likelihood probability, Eq (5) can be written as in Eq (6). (6) Afterwards, the regularization is used to penalize the large values of parameter ζ. (7) Here, the Gaussian distribution N(μ, σ2) of parameter ζ is used for regularization as shown in Eq (8). (8) As Eq (8) is a logsum exponential equation, the popular Broyden Fletcher Goldfarb Shanno (BFGS) unconstrained optimization method is used to learn optimal weight parameter ζ of MEMM. The training process is explained in Algorithm 1.

Algorithm 1: MEMM learning (Ψ, Φ).

begin

 Initialize S ← Ψ = {χ1, χ2, …, χM}

 Randomly select a state χi

while S do

  Find all pairs of state-observation (χi, φi)

  Consider the selected χi as the state Ψi−1 in the determining

   Pii−1, Φi)

  Determine optimal weight parameter ζ from Eq (8) through L-BFGS optimization method to maximize the log likelihood probability

   Pii−1, Φi)

  SS\χi

  Select a state χi from S

end

end

Generation of Expression State Sequence through Viterbi Algorithm.

Commonly, the Viterbi algorithm is applied in dynamic programming approach (such as finite state Markov process) in order to determine the most likely state sequence by analyzing the corresponding observation sequence. In this work, an improved Viterbi algorithm (as shown in Algorithm 2) is implemented to determine the most likely hidden expression state sequence from a sequence of observations Φ. As described before, extracted features from video frame at time τi is considered as observation φi.

The legacy Viterbi determines most likely hidden expression state sequence through initial, emission and transition probabilities i.e., P(χi), P(φτ|χi), and P(χi|χk) respectively. On the other hand, the modified Viterbi employs only a single function P(χi|χk), φτ. Hence, Eq (9) is is used to determine the Viterbi value η.

(9)

Here, state i lies in 1 ≤ k < M. However, P (χi|χk, φτ) is determined through Eq (3) using optimal parameter ζ from the trained system. In respect to observation Φ, the modified Viterbi returns a sequence of most likely expression states L = {l1, l2, …, lp} ∈ Ψ. Finally, the predicted expression is inferred from the generated of most likely expression state sequence L of the overall expression state of ℑ duration.

Algorithm 2: Modified Viterbi (Ω, Ψ, Φ).

begin

M = |Ψ|

i = 1

while (iM) do

  η1(i) = P(χi|φ1)

  λ1(i) = 0

  i = i + 1

end

τ = 2

while(τ ≤ ℑ) do

  i = 1

  while(iZ) do

   

   

   i = i + 1

  end

  τ = τ + 1

end

τ = ℑ − 1

while τ ≥ 1 do

  

  

  τ = τ − 1

end

 return L

end

Prediction of the Expression State.

The expression may vary in several video frames of ℑ duration. However, to define expression state of ℑ duration, the cardinality of each state within ℑ is determined. Different states cardinality i,e., |χ1, χ1, …, χM| is measured from L and the expression state with highest cardinality is defined as the predicted expression. Algorithm 3 shows stepwise procedure to predict expressions from generated expression states sequence.

Algorithm 3: Expression state prediction (Ω, Ψ, Φ, γ).

begin

L = Viterbi (Ω, Ψ, Φ)

M = |Ψ|

i = 1

while (iM) do

  Fχi = 0

  P = |L|

  j = 1

  while (jP) do

   if χi = = lj then

    Fχi = Fχi + 1

   end

  end

  |χi| = Fχi

end

i = 1

while (iM) do

  if |χi| > γ1 && {’Happy’}then

   return χi

  end

  else if |χi| > γ2 && {’Anger’}then

   return

  end

  else if |χi| > γ3 && {’Sad’}then

   return

  end

  else if |χi| > γ4 && {’Surprise’}then

   return

  end

  else if |χi| > γ5 && {’Fear’}then

   return

  end

  else if |χi| > γ6 && {’Disgust’}then

   return

  end

  else

   return

  end

end

end

System Validation

Datasets Used

For performance evaluation, six publicly available standard datasets of facial expressions are used, which are as follows.

  • Extended Cohn-Kanade Dataset (CK+):
    This dataset contains 593 videos sequences comprising seven facial expressions recorded by 123 subjects (university students) [34]. The subjects include majority of female students with age range from 18 to 30 years. Out of total 593 sequences, 309 sequences are used in this work. Out of seve, six expressions are used for evaluation. The size of each frame is 640×480 pixels in some images, and 640×490 pixels in others with 8-bits precision for gray-scale values. This dataset is publicly available and can be found using http://www.consortium.ri.cmu.edu/ckagree/. This dataset belongs to Carnegie Mellon University, USA.
  • Japanese Female Facial Expression (JAFFE) Dataset:
    The expressions in this dataset were collected from 10 different (Japanese female) subjects [35]. Each image has been rated on six expression adjectives by 60 Japanese subjects. Most of the expression frames were taken from the front view of the camera with tied hair in order to expose the entire face. This dataset consists of 213 facial frames and has seven expressions, including the neutral expression. Out of these, 193 facial frames for six facial expressions are used. The size of each facial frame is 256×256 pixels. This dataset can be downloaded by using http://www.kasrl.org/jaffe.html. This dataset belongs to Ritsumeikan University, Kyoto, Japan.
  • Multimedia Understanding Group (MUG) Dataset:
    In this dataset, 86 subjects performed six expressions with constant blue background with the frontal view of the camera [36]. Two light sources of 300W each, mounted on stands at a height of 130cm approximately were used. A predefined setup with the help of umbrella was utilized in order to diffuse light and avoid shadow. The images were captured at a rate of 19 frames per second. The original size of each image is 896×896 pixels. The dataset is available in http://mug.ee.auth.gr/fed/. This dataset belongs to Aristotle University of Thessaloniki, Thessaloniki, Greece.
  • USTC-NVIE spontaneous-based Dataset:
    In USTC-NVIE dataset, an infrared thermal and a visible camera was used in order to collect both spontaneous and posed expressions, but in this work, we only utilize the spontaneous-based expressions [37]. There were a total 105 subjects. They performed a series of expressions with illumination from three different directions: front illumination, left illumination, and right illumination. Subjects’ age range was from 17 to 31 years. Some of them worn glasses, whereas others were without glasses. The size of each facial frame is 640×480 or 704×490 pixels. In total, 910 expression frames are utilized from this dataset. This facial expression dataset is publicly available in http://nvie.ustc.edu.cn/index.html. This dataset belongs to University of Science and Technology, Hefei, Anhui, P.R. China.
  • Indian Movie Face Database (IMFDB):
    The IMFDB dataset was collected from Indian movies of different languages [38]. Most of the videos were collected from the last two decades which contain large diversity in illumination, and image resolution. In IMFDB, the subjects wore partial or full-makeup. The images are from frontal, left, right, up, and down views of camera. The dataset has basic six expressions captured from 67 male and 33 female actors of different age groups, such as children (1–12 years), young adults (13–30 years), middle aged (31–50 years), and elderly (Above 50 years) with at least 200 images from each actor. Some subjects wore glasses and had beard, ornaments, hair, hand, or none. In order to maintain consistency among the images, a heuristic method for cropping is applied, and all the images are manually selected and cropped from the video frames. The size of each image which we used for our experiments is 140×180 pixels. The dataset can be downloaded by using http://cvit.iiit.ac.in/projects/IMFDB/, which belongs to Indian Institute of Information Technology, Hyderabad, India.
  • Acted Facial Expressions in the Wild Database (AFEW):
    AFEW dataset [39] is publicly available standard dataset that has been collected from movies in indoor and outdoor (real world) environments. The age range of the subjects were from 1-70 years. All the expression related information such as name, age, pose, gender, expression type, etc were stored in XML schema. Static Facial Expressions in the Wild (SFEW) has been developed by selecting frames from AFEW. The database covers unconstrained facial expressions, varied head poses, large age range, occlusions, varied focus, different resolution of face and close to real world illumination. Frames were extracted from AFEW sequences and labelled based on the label of the sequence. In total, SFEW contains 700 images and which include seven basic expressions happy, anger, sad, surprise, fear, disgust, and neutral. But, we have selected the six basic expressions excluding neutral for fair comparison. The AFEW dataset of facial expression can be downloaded by using https://cs.anu.edu.au/few/AFEW.html, and the dataset belongs to University of Miami, Florida, USA.

It should be noted that since each dataset contains different expressions, six common expressions among them are selected for this work. These are happy, anger, sad, surprise, fear, and disgust. Furthermore, the datasets contain a high degree of variability in terms of scale, pose, illumination, resolution, occlusion, makeup, age and other physical characteristics of the participants. It is this high degree of variance which usually results in degrading the performance of and FER system when tested for different datasets.

Experimental Setup

For a thorough validation, the following set of four experiments is performed, and all the experiments are performed in Matlab using an Intel Core i7-6700 (3.4 GHz) with a RAM capacity of 16 GB.

  • In the first experiment, performance of the proposed model is analyzed on each dataset using a 10–fold cross-validation scheme. In other words, each dataset is divided into ten equal parts. From these, one is used for testing; whereas, the remaining nine are used for training the system.
  • In the second experiment, the robustness of the proposed model is assessed. For this experiment, out of six datasets, one dataset is used for training; whereas, the other five datasets are used for testing purpose. This process is repeated six times so that each dataset is used exactly once as the training dataset.
  • In the third experiment, the setup of the first experiment is repeated; however, the classification module, i.e., MEMM is replaced with HMM. The purpose is to evaluate the performance of the proposed classification model against the traditionally used model, i.e., HMM.
  • Finally, in the fourth experiment, the proposed FER system is compared against state-of-the-art systems for FER.

Results and Discussion

First Experiment

The overall results are shown in Table 1 and Fig 4 (using CK+ dataset), Table 2 and Fig 5 (using JAFFE dataset), Table 3 and Fig 6 (using MUG dataset), Table 4 and Fig 7 (using USTC-NVIE dataset), Table 5 and Fig 8 (using IMFDB dataset) and Table 6 and Fig 9 respectively.

thumbnail
Table 1. Recognition rate of the proposed FER system using CK+ dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t001

thumbnail
Table 2. Recognition rate of the proposed FER system using JAFFE dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t002

thumbnail
Table 3. Recognition rate of the proposed FER system using MUG dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t003

thumbnail
Table 4. Recognition rate of the proposed FER system using USTC-NVIE dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t004

thumbnail
Table 5. Recognition rate of the proposed FER system using IMFDB dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t005

thumbnail
Table 6. Recognition rate of the proposed FER system using AFEW dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t006

thumbnail
Fig 4. 3D-feature plot of the proposed FER system for the six facial expressions using CK+ dataset.

It can be seen that the system clearly classified the expressions classes.

https://doi.org/10.1371/journal.pone.0162702.g004

thumbnail
Fig 5. 3D-feature plot of the proposed FER system for the six facial expressions using JAFFE dataset.

It can be seen that the system clearly classified the expressions classes.

https://doi.org/10.1371/journal.pone.0162702.g005

thumbnail
Fig 6. 3D-feature plot of the proposed FER system for the six facial expressions using MUG dataset.

It can be seen that the system clearly classified the expressions classes.

https://doi.org/10.1371/journal.pone.0162702.g006

thumbnail
Fig 7. 3D-feature plot of the proposed FER system for the six facial expressions using USTC-NVIE dataset.

It can be seen that the system clearly classified the expressions classes.

https://doi.org/10.1371/journal.pone.0162702.g007

thumbnail
Fig 8. 3D-feature plot of the proposed FER system for the six facial expressions using IMFDB dataset.

It can be seen that the system clearly classified the expressions classes.

https://doi.org/10.1371/journal.pone.0162702.g008

thumbnail
Fig 9. 3D-feature plot of the proposed FER system for the six facial expressions using AFEW dataset.

It can be seen that the system clearly classified the expressions classes.

https://doi.org/10.1371/journal.pone.0162702.g009

It is obvious from Tables 1, 2, 3, 4, 5 and 6 that the proposed model constantly displayed a high recognition accuracy on all datasets. That is, 98.16% on CK+ dataset, 98.33% on JAFFE dataset, 97.20% on MUG dataset, 98.50% on USTC-NVIE dataset, 96.33% on IMFDB dataset, and 94.83% on AFEW dataset.

Second Experiment

The overall results for this experiment are represented in Tables 7, 8, 9, 10, 11 and 12. It can be seen from Tables 7, 9 and 10 that a better performance is achieved when the system is trained using CK+, MUG, and USTC-NVIE datasets. On the other hand, the accuracy decreased slightly when the system is trained on JAFFE and IMFDB datasets (as shown in Tables 8, 11 and 12). The reason for this is different eye features, camera orientation, and wearing of glasses. In JAFFE dataset, eye features of subjects are significantly different from the subjects in datasets. The expressions in IMFDB and AFEW datasets are captured from various angles as opposed to the other datasets, where a front-view is mostly used. Also, some subjects in IMFDB and AFEW have glasses in dynamic scenarios, too. Nevertheless, the results are very encouraging and suggest that the proposed FER system is robust. That is, the proposed FER system showed better performance not only on one dataset but also across multiple datasets, which is one the major limitations of existing works.

thumbnail
Table 7. Confusion matrix of the proposed FER system that is trained on CK+ dataset and tested on JAFFE, MUG, USTC-NVIE, IMFDB, and AFEW datasets of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t007

thumbnail
Table 8. Confusion matrix of the proposed FER system that is trained on JAFFE dataset and tested on CK+, MUG, USTC-NVIE, IMFDB, and AFEW datasets of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t008

thumbnail
Table 9. Confusion matrix of the proposed FER system that is trained on MUG dataset and tested on CK+, JAFFE, USTC-NVIE, IMFDB, and AFEW datasets of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t009

thumbnail
Table 10. Confusion matrix of the proposed FER system that is trained on USTC-NVIE dataset and tested on CK+, JAFFE, MUG, IMFDB, and AFEW datasets of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t010

thumbnail
Table 11. Confusion matrix of the proposed FER system that is trained on IMFDB dataset and tested on CK+, JAFFE, MUG, USTC-NVIE, and AFEW datasets of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t011

thumbnail
Table 12. Confusion matrix of the proposed FER system that is trained on AFEW dataset and tested on CK+, JAFFE, MUG, USTC-NVIE, and IMFDB datasets of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t012

Third Experiment

The overall set of results are shown in Tables 13, 14, 15, 16, 17 and 18. It can be seen that the MEMM model played a significant role in achieving the higher recognition rates in the first experiment. When it is replaced with HMM, the system is unable to display the same high performance under the exact same settings. Thus this experiment validates our hypothesis and provides clear evidence that MEMM based recognition model has the capability to accurately classify expressions in both spontaneous and natural environments.

thumbnail
Table 13. Confusion matrix of the proposed FER system with HMM (as a recognition model), instead of using the proposed recognition model (that is MEMM model) using CK+ dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t013

thumbnail
Table 14. Confusion matrix of the proposed FER system with HMM (as a recognition model), instead of using the proposed recognition model (that is MEMM model) using JAFFE dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t014

thumbnail
Table 15. Confusion matrix of the proposed FER system with HMM (as a recognition model), instead of using the proposed recognition model (that is MEMM model) using MUG dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t015

thumbnail
Table 16. Confusion matrix of the proposed FER system with HMM (as a recognition model), instead of using the proposed recognition model (that is MEMM model) using USTC-NVIE dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t016

thumbnail
Table 17. Confusion matrix of the proposed FER system with HMM (as a recognition model), instead of using the proposed recognition model (that is MEMM model) using IMFDB dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t017

thumbnail
Table 18. Confusion matrix of the proposed FER system with HMM (as a recognition model), instead of using the proposed recognition model (that is MEMM model) using AFEW dataset of facial expressions (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t018

Fourth Experiment

As stated earlier, in this experiment, the proposed FER system (including the MEMM model) is compared with some stat-of-the-art works: [16, 18, 4042]. For this experiment, all the datasets are utilized under. For some works, the code is obtained and actual results are reported; whereas, for the others, the published results are reported. For each dataset, the same 10-fold cross-validation scheme is used as in the first experiment. The weighted average recognition rate of the existing works and that of the proposed FER system on all the datasets are shown in Table 19. It can be seen that the proposed FER system, with the MEMM model, achieved higher recognition rate than all the existing stat-of-the-art works on all the datasets. This proves its ability to accurately and robustly recognize facial expressions from video data.

thumbnail
Table 19. Comparison results of the proposed FER system with the proposed MEMM model against some stat-of-the-art works (Unit: %).

https://doi.org/10.1371/journal.pone.0162702.t019

Conclusion and Future Directions

Expressions play a significant role in determining the attitude and behavior of a human. FER systems have been proposed previously; however, accurate and robust FER is still a major challenge for such systems. In most case, the recognition accuracy of existing works degrade in spontaneous environments. Furthermore, variance due to illumination changes, pose, camera angle, etc., limits their use in different scenarios. Accordingly, in this paper, a new MEMM base FER system is proposed. In this model, the states of the human expressions are modeled as the states of maximum entropy Markov model (MEMM), in which the video-sensor observations are considered as the observations of MEMM. A modified Viterbi, a machine-learning algorithm, is used to generate the most probable expression state sequence based on such observations; then, from the most likely state sequence, the expression state is predicted through the proposed algorithm. Unlike most of the existing works, which were evaluated using a single dataset, performance of the proposed approach is assessed in a large-scale experimentation using six publicly available spontaneous datasets in order to show the robustness of the proposed model. The proposed approach showed better performance against existing state-of-the-art methods and achieved a weighted average recognition rate of 97% across all the datasets.

In most of the existing datasets, RGB cameras were utilized which may raise privacy concern; therefore, in order to solve this concern, a depth camera will be utilized in the further study. Improvements will be made in the algorithms and methods to ensure the same performance and robustness in the case of depth-images, too.

Acknowledgments

This research was supported by the MSIP, Korea, under the G-ITRC support program (IITP-2015-R6812-15-0001) supervised by the IITP, and by the Priority Research Centers Program through the National Research Foundation of Korea (NRF) funded by the Ministry of Education, Science and Technology (NRF-2010-0020210).

Author Contributions

  1. Conceived and designed the experiments: MHS MGRA.
  2. Performed the experiments: MHS.
  3. Analyzed the data: MHS MGRA.
  4. Contributed reagents/materials/analysis tools: MHS.
  5. Wrote the paper: MHS AMK CSH HC.

References

  1. 1. Abdat F, Maaoui C, Pruski A. Human-computer interaction using emotion recognition from facial expression. In: Computer Modeling and Simulation (EMS), 2011 Fifth UKSim European Symposium on. IEEE; 2011. p. 196–201.
  2. 2. Dornaika F, Raducanu B. Facial expression recognition for HCI applications.; 2009.
  3. 3. Russell JA. Core affect and the psychological construction of emotion. Psychological review. 2003;110(1):145. pmid:12529060
  4. 4. Bettadapura V. Face expression recognition and analysis: the state of the art. arXiv preprint arXiv:12036722. 2012.
  5. 5. Siddiqi MH, Lee S, Lee YK, Khan AM, Truc PTH. Hierarchical recognition scheme for human facial expression recognition systems. Sensors. 2013;13(12):16682–16713. pmid:24316568
  6. 6. Siddiqi MH, Ali R, Idris M, Khan AM, Kim ES, Whang MC, Lee S. Human facial expression recognition using curvelet feature extraction and normalized mutual information feature selection. Multimedia Tools and Applications. 2016;75(2):935–959.
  7. 7. Siddiqi MH, Ali R, Khan AM, Park YT, Lee S. Human facial expression recognition using stepwise linear discriminant analysis and hidden conditional random fields. Image Processing, IEEE Transactions on. 2015;24(4):1386–1398.
  8. 8. Siddiqi MH, Lee S. Human facial expression recognition using wavelet transform and hidden markov model. In: Ambient Assisted Living and Active Aging. Springer; 2013. p. 112–119.
  9. 9. Siddiqi MH, Ali R, Sattar A, Khan AM, Lee S. Depth camera-based facial expression recognition system using multilayer scheme. IETE Technical Review. 2014;31(4):277–286.
  10. 10. Fragopanagos N, Taylor JG. Emotion recognition in human–computer interaction. Neural Networks. 2005;18(4):389–405. pmid:15921887
  11. 11. Gunawardana A, Mahajan M, Acero A, Platt JC. Hidden conditional random fields for phone classification. In: Proc. Interspeech. vol. 2. Citeseer; 2005. p. 1117–1120.
  12. 12. Wang SB, Quattoni A, Morency LP, Demirdjian D, Darrell T. Hidden conditional random fields for gesture recognition. In: Computer Vision and Pattern Recognition, 2006 IEEE Computer Society Conference on. vol. 2. IEEE; 2006. p. 1521–1527.
  13. 13. Quattoni A, Wang S, Morency LP, Collins M, Darrell T. Hidden conditional random fields. Pattern Analysis & Machine Intelligence, IEEE Transactions on. 2007;(10):1848–1852.
  14. 14. Gargesha M, Kuchi P. Facial expression recognition using artificial neural networks. Artif Neural Comput Syst. 2002;p. 1–6.
  15. 15. Widanagamaachchi WN. Facial emotion recognition with a neural network approach. University of Colombo; 2009.
  16. 16. Abdulrahman M, Eleyan A. Facial expression recognition using support vector machines. In: Signal Processing and Communications Applications Conference (SIU), 2015 23th. IEEE; 2015. p. 276–279.
  17. 17. Sarnarawickrame K, Mindya S. Facial expression recognition using active shape models and support vector machines. In: Advances in ICT for Emerging Regions (ICTer), 2013 International Conference on. IEEE; 2013. p. 51–55.
  18. 18. Ahsan T, Jabid T, Chong UP. Facial expression recognition using local transitional pattern on Gabor filtered facial images. IETE Technical Review. 2013;30(1):47–52.
  19. 19. Kumar P, Kumar DV. Facial expression recognition using Support vector machine based on perceptual color & spaces Log Gabor Filter. International Journal of Research. 2015;2(7):271–279.
  20. 20. Tariq U, Yang J, Huang TS. Maximum margin gmm learning for facial expression recognition. In: Automatic Face and Gesture Recognition (FG), 2013 10th IEEE International Conference and Workshops on. IEEE; 2013. p. 1–6.
  21. 21. Metallinou A, Lee S, Narayanan S. Audio-visual emotion recognition using gaussian mixture models for face and voice. In: Multimedia, 2008. ISM 2008. Tenth IEEE International Symposium on. IEEE; 2008. p. 250–257.
  22. 22. Mitra S. Gaussian mixture models for human face recognition under illumination variations. 2012.
  23. 23. Tian YL, Kanade T, Cohn JF. Facial expression analysis. In: Handbook of face recognition. Handbook of face recognition, Springer; 2005. p. 247–275.
  24. 24. Mohseni S, Kordy HM, Ahmadi R. Facial expression recognition using DCT features and neural network based decision tree. In: ELMAR, 2013 55th International Symposium. IEEE; 2013. p. 361–364.
  25. 25. Dubuisson S, Davoine F, Masson M. A solution for facial expression representation and recognition. Signal Processing: Image Communication. 2002;17(9):657–673.
  26. 26. A Review of Decision Tree Disadvantages; 2012. (Last visited by Monday 18 January 2016). http://www.brighthubpm.com/project-planning/106005-disadvantages-to-using-decision-trees/.
  27. 27. Shan C, Gong S, McOwan PW. Dynamic facial expression recognition using A Bayesian temporal manifold model. In: BMVC; 2006. p. 297–306.
  28. 28. Cohen I, Sebe N, Gozman F, Cirelo MC, Huang TS. Learning Bayesian network classifiers for facial expression recognition both labeled and unlabeled data. In: Computer Vision and Pattern Recognition, 2003. Proceedings. 2003 IEEE Computer Society Conference on. vol. 1. IEEE; 2003. p. I–595.
  29. 29. Learning Bayesian Networks: Naive and non-Naive Bayes; 2005. (Last visited by Monday 18 January 2016). http://web.engr.oregonstate.edu/tgd/classes/534/slides/part6.pdf.
  30. 30. Siddiqi MH, Ali R, Khan AM, Kim ES, Kim GJ, Lee S. Facial expression recognition using active contour-based face detection, facial movement-based feature extraction, and non-linear feature selection. Multimedia Systems. 2015;21(6):541–555.
  31. 31. Lafferty J, McCallum A, Pereira FC. Conditional random fields: Probabilistic models for segmenting and labeling sequence data. 2001;p. 282–289.
  32. 32. Yoon H, Han Y, Hahn H. Image contrast enhancement based sub-histogram equalization technique without over-equalization noise. World Academy of Science, Engineering and Technology. 2009;50:2009.
  33. 33. Jurafsky D, Martin JH. Speech and Language Processing: An Introduction to Natural Language Processing, Computational Linguistics, and Speech Recognition. MIT Press.
  34. 34. Lucey P, Cohn JF, Kanade T, Saragih J, Ambadar Z, Matthews I. The Extended Cohn-Kanade Dataset (CK+): A complete dataset for action unit and emotion-specified expression. In: Computer Vision and Pattern Recognition Workshops (CVPRW), 2010 IEEE Computer Society Conference on. IEEE; 2010. p. 94–101.
  35. 35. Lyons M, Akamatsu S, Kamachi M, Gyoba J. Coding facial expressions with gabor wavelets. In: Automatic Face and Gesture Recognition, 1998. Proceedings. Third IEEE International Conference on. IEEE; 1998. p. 200–205.
  36. 36. Aifanti N, Papachristou C, Delopoulos A. The MUG facial expression database. In: Image Analysis for Multimedia Interactive Services (WIAMIS), 2010 11th International Workshop on. IEEE; 2010. p. 1–4.
  37. 37. Wang S, Liu Z, Lv S, Lv Y, Wu G, Peng P, et al. A natural visible and infrared facial expression database for expression recognition and emotion inference. Multimedia, IEEE Transactions on. 2010;12(7):682–691.
  38. 38. Shankar Setty PBJGMKRVVHJCKRRRVK Moula Husain, Jawahar CV. Indian movie face database: a benchmark for face recognition under wide variations. In: National Conference on Computer Vision, Pattern Recognition, Image Processing and Graphics (NCVPRIPG); 2013.
  39. 39. Dhall A, et al. Collecting large, richly annotated facial-expression databases from movies. 2012.
  40. 40. Sang R, Chan K. A Correlated Topic Modeling Approach for Facial Expression Recognition. In: Computer and Information Technology; Ubiquitous Computing and Communications; Dependable, Autonomic and Secure Computing; Pervasive Intelligence and Computing (CIT/IUCC/DASC/PICOM), 2015 IEEE International Conference on. IEEE; 2015. p. 989–993.
  41. 41. Uddin MZ, Kim TS, Song BC. An optical flow featurebased robust facial expression recognition with HMM from video. International Journal of Innovative Computing, Information and Control. 2013;9(4):1409–1421.
  42. 42. Ramirez Rivera A, Rojas Castillo J, Chae O. Local directional number pattern for face analysis: Face and expression recognition. Image Processing, IEEE Transactions on. 2013;22(5):1740–1752.