Exploring a Multimodal Fusion-based Deep Learning Network for Detecting Facial Palsy

Nicole Heng Yim Oo [email protected] Singapore Management UniversitySingaporeSingapore Min Hun Lee [email protected] Singapore Management UniversitySingaporeSingapore  and  Jeong Hoon Lim National University SingaporeSingaporeSingapore
Abstract.

Algorithmic detection of facial palsy offers the potential to improve current practices, which usually involve labor-intensive and subjective assessment by clinicians. In this paper, we present a multimodal fusion-based deep learning model that utilizes unstructured data (i.e. an image frame with facial line segments) and structured data (i.e. features of facial expressions) to detect facial palsy. We then contribute to a study to analyze the effect of different data modalities and the benefits of a multimodal fusion-based approach using videos of 21 facial palsy patients. Our experimental results show that among various data modalities (i.e. unstructured data - RGB images and images of facial line segments and structured data - coordinates of facial landmarks and features of facial expressions), the feed-forward neural network using features of facial expression achieved the highest precision of 76.22 while the ResNet-based model using images of facial line segments achieved the highest recall of 83.47. When we leveraged both images of facial line segments and features of facial expressions, our multimodal fusion-based deep learning model slightly improved the precision score to 77.05 at the expense of a decrease in the recall score.

Machine Learning, Computer Vision, Multimodal Fusion, Facial Analysis
ccs: Computing methodologies Artificial intelligenceccs: Computing methodologies Machine learningccs: Applied computing Health care information systemsccs: Computing methodologies Neural networks

1. Introduction & Related Work

Facial palsy patients usually suffer from symptoms, such as droo** mouth and eyebrows, difficulty in closing an eyelid, and drooling. Facial palsy has serious consequences on patients, such as diminished feeding function, psychological distress, and social withdrawal (Kosins et al., 2007). For diagnosis of facial palsy, clinicians usually conduct observation-based physical examinations (Heckmann et al., 2019). However, it is challenging to quantify symptom intensity and variation, measure changes in these symptoms between visits for a single patient, and measure differences in symptoms across different patients at the same time (Hsu et al., 2018).

To address this challenge, researchers have explored various algorithmic approaches to detect facial palsy (Hsu et al., 2018; Ngo et al., 2016; Kim et al., 2015; Wang et al., 2014). These approaches broadly fall into two categories: 1) those employing machine learning models with manual feature extraction and 2) those that leverage deep learning-based models.

For approaches with manual features, Ngo et al. (Ngo et al., 2016) proposed a frequency-based technique using limited-orientation modified circular Gabor filters (LO-MCGFS) to magnify desired frequencies in dataset images and extract features from rotation invariant texture regions for classifying facial palsy. In addition, researchers explored to train a data-driven model (Kim et al., 2015; Wang et al., 2014; He et al., 2009) to detect facial key points and computed features, such as the displacement ratio between left and right halves of the face or the motion information of facial regions.

Alternatively, researchers discussed the limitations of using manual features and leveraged RGB images or images with facial line segments to train deep learning-based models (e.g. 3-dimensional or hierarchy convolutional neural network) for detecting facial palsy (Hsu et al., 2018; Liu et al., 2020; Storey et al., 2019). However, it remains unclear whether deep learning-based models using unstructured data can outperform the approaches using structured data of manual features and if combining unstructured data and structured data of manual features can improve the performance of detecting facial palsy.

In this work, we contribute to a study that analyzes the performance of using diverse data modalities (i.e. unstructured data: RGB images and images with facial line segments and structured data: coordinates of facial landmarks and features of facial expression). In addition, we present a multimodal fusion-based approach (Figure 2) to explore the benefits of integrating different data modalities for detecting facial palsy. According to the evaluation study using the dataset of 21 facial palsy patients (Hsu et al., 2018), among four data modalities, we found that the feed-forward neural network model using features of facial expression achieved the highest average precision of 76.22 while the ResNet-based model using images with facial line segments achieved the highest average recall of 83.47. When we leveraged multimodal fusion-based deep learning models using both features of facial expression and images with facial line segments, the model achieved higher performance than using only unstructured data of RGB images and facial line segments (Hsu et al., 2018). In addition, our multimodal fusion-based models slightly improved an average precision score by 0.78% at the expense of reducing an average recall by 5-9%. We discuss the potential and limitations of a multimodal fusion-based approach for detecting facial palsy.

2. Methods

In this section, we describe how we process RGB images to obtain four independent data modalities and discuss various model architectures to detect facial palsy.

2.1. Data Processing & Modalities

To develop an AI model, we processed raw RGB image frames of videos using the facial landmark estimation model (Lugaresi et al., 2019) to obtain four data modalities: 1) raw RGB images (Figure 1(a)), 2) facial landmark coordinates (Figure 1(b)), 3) features of facial expressions, 4) black and white (BnW) images with line segments representing the facial silhouette and local regions (Figure 1(c)).

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Figure 1. (a) A sample RGB image of a patient with facial palsy. (b) 125 3-dimensional coordinates of eyes, nose, and mouth regions overlaid on the RGB image, and (c) line segments of facial expressions on the BnW image

For facial landmark coordinates, we include only 125 2-dimensional coordinates of eyes, nose, and mouth regions among 478 3-dimensional coordinates of facial landmarks from the model (Lugaresi et al., 2019). The resulting facial landmark coordinates are a matrix of 𝐦125x2𝐦superscript125𝑥2\mathbf{m}\in\mathbb{R}^{125x2}bold_m ∈ blackboard_R start_POSTSUPERSCRIPT 125 italic_x 2 end_POSTSUPERSCRIPT.

Feature vectors of facial expressions contain 52 distinct attributes, each representing the extent of a facial expression (e.g. the extent to which each eye is closed, or to which the mouth is opened) in a float value [0, 1]. The resulting vector of features of facial expressions is 𝐛52𝐛superscript52\mathbf{b}\in\mathbb{R}^{52}bold_b ∈ blackboard_R start_POSTSUPERSCRIPT 52 end_POSTSUPERSCRIPT.

To obtain the BnW line segment images, we first used the facial landmark estimation model to generate contours of the detected face, eyebrows, and eyes, then plotted them in white against a solid black background (Figure 1(c)).

Refer to caption
Figure 2. Our early fusion model integrates facial expression-based embedding from a feedforward neural network with line segment-based embedding from a pre-trained ResNet50 model to detect a patient with facial palsy

2.2. Model Architectures

Given four data modalities, we explored different model architectures (i.e. feed-forward neural networks, ResNet50-based models) tailored to each data modality and combined modalities.

2.2.1. Problem Formulation

We formulated the detection of facial palsy as a binary classification task, where the presence of facial palsy is defined as either strong palsy intensity in any one region (Eyes or Mouth) or slight intensity in both regions (slight palsy intensity in both Eyes and Mouth). This approach allows us to indicate either the presence or absence of facial palsy for each image.

Given the binary classification task, we applied the Binary Cross-Entropy (BCE) as the objective loss function.

BCE=(ylog(p)+(1y)log(1p))𝐵𝐶𝐸𝑦𝑝1𝑦1𝑝BCE=-{(y\log(p)+(1-y)\log(1-p))}italic_B italic_C italic_E = - ( italic_y roman_log ( italic_p ) + ( 1 - italic_y ) roman_log ( 1 - italic_p ) )

2.2.2. Feed-forward Neural Network Model

Feed-forward Neural Network (FNN) models were trained to perform classification using facial landmark coordinates and feature vectors of facial expression separately. Both FNN models consisted of four fully connected layers. We applied a ReLU activation function on the first three fully connected layers and a sigmoid function on the last layer to output class probabilities. In the first layer, we applied a dropout layer with a probability of 0.5. In the second layer, we applied a 1-dimensional batch norm to make the model more stable. We utilized the hidden unit sizes of 128, 64, 32, and 2 for the facial landmark coordinates and those of 64, 32, 10, and 2 for the feature vectors of facial expression.

2.2.3. ResNet50-based model

For the ResNet50-based model, we fine-tuned the pre-trained ResNet50 model (He et al., 2016) to perform classification using raw RGB images or BnW images with line segments. The final layer in the pre-trained ResNet50 model was modified to include a fully-connected layer of 512 hidden units followed by a ReLU activation function, a dropout layer, and a 1-dimensional batch norm layer and another fully-connected layer with a sigmoid activation at the end to output class probabilities.

2.2.4. Early & Late Fusion Models

With the goal of improving facial palsy detection, we explored a multimodal fusion approach (Baltrušaitis et al., 2018) using unstructured and unstructured data. Specifically, we utilized model-agnostic approaches of 1) early fusion that integrates two data modalities after extracting their features and concatenating their features and 2) late fusion that integrates the outputs of the models using each of the modalities (Figure 2).

For our fusion models, we utilized the models that were independently trained using a single modality (Section 2.1) and then empirically identified two modalities that achieved the highest performance in detecting facial palsy.

For the early fusion, we extracted the feature vectors from two models that were independently trained using a single modality and concatenated these feature vectors to train an early fusion model (Figure 2). We empirically chose the intermediate layer of a model using a single model to extract a feature vector. The early fusion model consists of four fully connected layers with ReLU activation functions. Except for the third fully connected layer, we applied dropout layers with a probability of 0.5. In the third fully connected layer, we applied a batch norm layer.

For the late fusion, we computed the average of the output probabilities from two models that were independently trained using a single modality (i.e. the features of facial expressions or BnW images with line segments) and generated the model predictions on the class with the highest mean probability.

3. Experiments

3.1. Dataset

Our experiments were conducted using the YouTube Facial Palsy (YFP) dataset by (Hsu et al., 2018), which has been labeled by three independent clinicians. It consists of 31 videos collected from 21 facial palsy patients, and some patients have provided multiple videos. In each video, the patient talks to the camera, recording variations in their facial expressions over time. Each video has been converted to an image sequence with a sampling rate of 6FPS. For each image in the image sequence, the dataset contains labels indicating the intensity of palsy in two facial regions (i.e. the eyes and mouth) where it can be observed.

3.2. Evaluation

For the evaluation of different data modalities and model architectures, we applied the leave-one-patient-out (LOPO) cross-validation, in which we trained the model using data except for held-out data from a patient for testing and we repeated this process over 21 patients. For each patient, we recorded the F1-score, precision, and recall and then averaged these metrics for each data modality and model architecture.

To understand the benefits of our early and late fusion-based deep learning models using unstructured data and structured data, we also implemented a ResNet-based model that utilized two formats of unstructured data (i.e. RGB images and BnW images with line segments) followed by (Hsu et al., 2018).

For training a model, we applied the stochastic gradient descent (SGD) algorithm to optimize model parameters and explored different learning rates. All models were trained for 15 epochs except for the ResNet-based model using two unstructured data formats, which was trained for 8 epochs. We empirically found that the optimal learning rate of the FFN models was 0.01 and that of the ResNet-based models was 0.001.

4. Results & Discussion

Table 1 summarises our experimental results over different data modalities and model architectures.

Table 1. Experimental results of different data modalities and model architectures
Data Modality Model Average F1 Average Precision Average Recall
Coordinates Feed-forward Neural Network 72.23 74.40 83.28
Features of Facial Expressions Feed-forward Neural Network 71.21 76.22 79.00
RGB Images ResNet50-based Model 64.23 76.14 62.04
BnW LineSegment Images ResNet50-based Model 72.85 75.57 83.47
BnW LineSegment Images +
RGB Images
ResNet50-based Model 65.95 76.95 67.42
Features of Facial Expressions +
BnW LineSegment Images
Early Fusion Model
(ResNet50 + Feedforward Model)
69.62 77.05 74.71
Features of Facial Expressions +
BnW LineSegment Images
Late Fusion Model
(ResNet50 + Feedforward Model)
71.76 77.00 78.66

When we used single data modalities, the feed-forward neural network (FNN) model using facial landmark coordinates achieved an average F1-score of 72.23%, average precision of 74.40%, and average recall of 83.28%. The FNN model using features of facial expressions achieved an average F1-score of 71.21%, average precision of 76.22%, and average recall of 79.00%. The ResNet-based model using RGB images achieved an average F1-score of 64.23%, average precision of 76.14%, and average recall of 62.04%. The ResNet-based model using BnW Line Segment images achieved an average F1-score of 72.85%, average precision of 75.57%, and average recall of 83.47%.

Among structured data (i.e. coordinates of facial landmarks and features of facial expressions), the FNN model using coordinates of facial landmarks achieved a higher average F1-score, a higher average recall, and a lower average precision than the FNN model using features of facial expressions. Among unstructured data (i.e. RGB images and BnW images with line segments, the ResNet50-based model using BnW images with line segments achieved a higher average F1-score, a slightly lower precision, and a higher average recall than that using RGB images.

Among all data modalities, the ResNet-based model using BnW images with line segments achieved the highest F1-score of 72.85 and the highest recall of 83.47 and the FNN model using features of facial expression achieved the highest precision of 76.14. Thus, we further explored the benefit of integrating the data modalities of BnW images with line segments and the features of facial expressions.

For multiple data modalities, the ResNet-based model using BnW images with line segments and RGB images achieved an average F1-score of 65.95%, average precision of 76.95%, and average recall of 67.42%. The early fusion model that utilized the ResNet-based model for BnW images with line segments and the FNN model for the features of facial expressions achieved an average F1-score of 69.62%, average precision of 77.05%, and average recall of 74.71%. The late fusion model that utilized the ResNet-based model for BnW images with line segments and the FNN model for the features of facial expressions achieved an average F1-score of 71.76%, average precision of 77.00%, and average recall of 78.66%.

When we utilize structured data (i.e. features of facial expression) and unstructured data (i.e. BnW images with line segments), we found that both early and late fusion-based models outperformed the ResNet50-based model using only unstructured data of RGB images and BnW images with line segments by around 3-5% of average F1-score. Compared to the ResNet-based model using only RGB images with 64.23% average F1-score, our early and late fusion models achieved 5% higher average F1-scores around 70% average F1-score. Compared to the ResNet-based model using only BnW images with line segments, both early and late fusion models slightly improved an average precision by 0.78% average precision at the expense of reducing an average F1-score by 1-3% F1-score and an average recall by 5-9%.

Overall, our experimental results showed that the benefit of processing RGB images to generate unstructured data (i.e. BnW images with line segments) or structured data (e.g. features of facial expression) and combining both unstructured and structured data instead of just relying on RGB images or combining only unstructured data. However, as we only observed marginal improvement of average precision score in our early and late fusion models compared to the ResNet-based model using BnW images with line segments, we plan to further explore different fusion model architectures and attention-based approach (Han et al., 2022). In addition, it is important to study how to make an AI output explainable (Doshi-Velez and Kim, 2017; Lee and Choy, 2023) to a clinician and support effective assistance to improve the practices of a clinician (Lee et al., 2021; Ghassemi et al., 2021).

5. Conclusion

In this work, we contributed to a study that provided a comprehensive analysis of the performances of different AI models to detect facial palsy using different data modalities (i.e. unstructured data: RGB images and BnW images with facial line segments and structured data: coordinates of facial landmarks and features of facial expressions).

According to the experiment using the public dataset of 21 facial palsy patients, our study demonstrated that the models using either BnW images with facial line segments or features of facial expressions outperformed the model using raw RGB images. Thus, it is beneficial to utilize processed data (i.e. BnW images with facial line segments or features of facial expressions) instead of using raw RGB image data. In addition, our early and late fusion models using features of facial expressions and BnW images with line segments outperformed the model using only unstructured data of RGB images and BnW images with line segments. Our study discusses the potential of combining diverse data modalities to improve the performance of an AI model to detect facial palsy.

References

  • (1)
  • Baltrušaitis et al. (2018) Tadas Baltrušaitis, Chaitanya Ahuja, and Louis-Philippe Morency. 2018. Multimodal machine learning: A survey and taxonomy. IEEE transactions on pattern analysis and machine intelligence 41, 2 (2018), 423–443.
  • Doshi-Velez and Kim (2017) Finale Doshi-Velez and Been Kim. 2017. Towards a rigorous science of interpretable machine learning. arXiv preprint arXiv:1702.08608 (2017).
  • Ghassemi et al. (2021) Marzyeh Ghassemi, Luke Oakden-Rayner, and Andrew L Beam. 2021. The false hope of current approaches to explainable artificial intelligence in health care. The Lancet Digital Health 3, 11 (2021), e745–e750.
  • Han et al. (2022) Kai Han, Yunhe Wang, Hanting Chen, Xinghao Chen, Jianyuan Guo, Zhenhua Liu, Yehui Tang, An Xiao, Chun**g Xu, Yixing Xu, et al. 2022. A survey on vision transformer. IEEE transactions on pattern analysis and machine intelligence 45, 1 (2022), 87–110.
  • He et al. (2016) Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. 2016. Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition. 770–778.
  • He et al. (2009) Shu He, John Soraghan, Brian O’Reilly, and Dongshan Xing. 2009. Quantitative Analysis of Facial Paralysis Using Local Binary Patterns in Biomedical Videos. IEEE transactions on bio-medical engineering 56 (04 2009), 1864–70.
  • Heckmann et al. (2019) Josef Georg Heckmann, Peter Paul Urban, Susanne Pitz, Orlando Guntinas-Lichius, et al. 2019. The diagnosis and treatment of idiopathic facial paresis (Bell’s palsy). Deutsches Ärzteblatt International 116, 41 (2019), 692.
  • Hsu et al. (2018) Gee-Sern Jison Hsu, Jiunn-Horng Kang, and Wen-Fong Huang. 2018. Deep hierarchical network with line segment learning for quantitative analysis of facial palsy. IEEE access 7 (2018), 4833–4842.
  • Kim et al. (2015) Hyun Seok Kim, So Young Kim, Young Ho Kim, and Kwang Suk Park. 2015. A smartphone-based automatic diagnosis system for facial nerve palsy. Sensors 15, 10 (2015), 26756–26768.
  • Kosins et al. (2007) Aaron Kosins, Keith Hurvitz, Gregory Evans, and Garrett Wirth. 2007. Facial paralysis for the plastic surgeon. The Canadian journal of plastic surgery = Journal canadien de chirurgie plastique 15 (02 2007), 77–82.
  • Lee and Choy (2023) Min Hun Lee and Yi **g Choy. 2023. Exploring a Gradient-based Explainable AI Technique for Time-Series Data: A Case Study of Assessing Stroke Rehabilitation Exercises. In ICLR 2023 Workshop on Time Series Representation Learning for Health.
  • Lee et al. (2021) Min Hun Lee, Daniel P Siewiorek, Asim Smailagic, Alexandre Bernardino, and Sergi Bermúdez Bermúdez i Badia. 2021. A human-ai collaborative approach for clinical decision making on rehabilitation assessment. In Proceedings of the 2021 CHI conference on human factors in computing systems. 1–14.
  • Liu et al. (2020) Xin Liu, Yifan Xia, Hui Yu, Junyu Dong, Muwei Jian, and Tuan D Pham. 2020. Region based parallel hierarchy convolutional neural network for automatic facial nerve paralysis evaluation. IEEE Transactions on Neural Systems and Rehabilitation Engineering 28, 10 (2020), 2325–2332.
  • Lugaresi et al. (2019) Camillo Lugaresi, Jiuqiang Tang, Hadon Nash, Chris McClanahan, Esha Uboweja, Michael Hays, Fan Zhang, Chuo-Ling Chang, Ming Guang Yong, Juhyun Lee, et al. 2019. Mediapipe: A framework for building perception pipelines. arXiv preprint arXiv:1906.08172 (2019).
  • Ngo et al. (2016) Truc Hung Ngo, Masataka Seo, Naoki Matsushiro, Wei Xiong, and Yenwei Chen. 2016. Quantitative analysis of facial paralysis based on limited-orientation modified circular Gabor filters. 2016 23rd International Conference on Pattern Recognition (ICPR) (2016), 349–354.
  • Storey et al. (2019) Gary Storey, Richard Jiang, Shelagh Keogh, Ahmed Bouridane, and Chang-Tsun Li. 2019. 3DPalsyNet: A facial palsy grading and motion recognition framework using fully 3D convolutional neural networks. IEEE access 7 (2019), 121655–121664.
  • Wang et al. (2014) Ting Wang, Junyu Dong, Xin Sun, Shu Zhang, and Shengke Wang. 2014. Automatic recognition of facial movement for paralyzed face. Bio-medical materials and engineering 24 6 (2014), 2751–60.