Next Article in Journal
Computational Linguistics Based Emotion Detection and Classification Model on Social Networking Data
Next Article in Special Issue
Joint Extraction of Entities and Relations Based on Enhanced Span and Gate Mechanism
Previous Article in Journal
A Systematic Framework for Evaluating the Effectiveness of Dynamic Compaction (DC) Technology for Soil Improvement Projects Using Cone Penetration Test Data
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

PEINet: Joint Prompt and Evidence Inference Network via Language Family Policy for Zero-Shot Multilingual Fact Checking

1
Aerospace Information Research Institute, Chinese Academy of Sciences, Beijing 100190, China
2
Key Laboratory of Network Information System Technology (NIST), Aerospace Information Research Institute, Chinese Academy of Sciences, Beijing 100190, China
*
Authors to whom correspondence should be addressed.
These authors contributed equally to this work.
Work done as an intern at NIST.
Appl. Sci. 2022, 12(19), 9688; https://doi.org/10.3390/app12199688
Submission received: 30 August 2022 / Revised: 17 September 2022 / Accepted: 21 September 2022 / Published: 27 September 2022
(This article belongs to the Special Issue AI Techniques in Computational and Automated Fact Checking)

Abstract

:
Zero-shot multilingual fact-checking, which aims to discover and infer subtle clues from the retrieved relevant evidence to verify the given claim in cross-language and cross-domain scenarios, is crucial for optimizing a free, trusted, wholesome global network environment. Previous works have made enlightening and practical explorations in claim verification, while the zero-shot multilingual task faces new challenging gap issues: neglecting authenticity-dependent learning between multilingual claims, lacking heuristic checking, and a bottleneck of insufficient evidence. To alleviate these gaps, a novel Joint Prompt and Evidence Inference Network (PEINet) is proposed to verify the multilingual claim according to the human fact-checking cognitive paradigm. In detail, firstly, we leverage the language family encoding mechanism to strengthen knowledge transfer among multi-language claims. Then, the prompt turning module is designed to infer the falsity of the fact, and further, sufficient fine-grained evidence is extracted and aggregated based on a recursive graph attention network to verify the claim again. Finally, we build a unified inference framework via multi-task learning for final fact verification. The newly achieved state-of-the-art performance on the released challenging benchmark dataset that includes not only an out-of-domain test, but also a zero-shot test, proves the effectiveness of our framework, and further analysis demonstrates the superiority of our PEINet in multilingual claim verification and inference, especially in the zero-shot scenario.

1. Introduction

Misinformation is low-cost, wide-spreading, and large-scale replicable on social media, which has significantly influenced democracy, justice, and public trust [1]. Especially with the support of new multimedia technology, such as short videos on social media, misinformation spread has transcended countries and languages. Research indicates that the proportion of false claims is only approximately 1% of total news dissemination on all platforms, while the percentage of false claims is almost more than 6% of total tweets on social media [2]. Human fact-checking is of high-quality but is time-consuming, it refers to specifically confronting false information with a deceptive purpose, such as offensive news, political deception, and dramatic online rumors around the world. The absence of professional auditors, particularly who understand minority languages, further increases the challenge of multilingual fact-checking. Thus, multilingual automated fact-checking has become urgent to research, including the release of multilingual fact-checking datasets and inventing computational approaches.
Multilingual fact-checking is a special fact-checking task that aims to leverage related evidence from a multilingual text corpus to verify a multilingual textual claim. Figure 1 for example, shows two such samples from Portuguese and German. In the special task, how to effectively retrieve, align, integrate, infer, and verify is the major challenge and still remains an open question, especially leveraging resources from different languages in multilingual scenes.
In previous studies, a possible approach for multilingual verification was to utilize translation systems (e.g., Google Translator) for news verification based on multilingual evidence, which hypothesized that fake news tended to be less widespread across languages as compared to authoritative news [3]. However, the threshold value of the modeling pipeline needed to be set manually. In consequence, the end-to-end frameworks based on multilingual fine-tuning transformers were designed to encode multilingual claims and evidence for fact-checking. Schwarz, S et al. [4] proposed the EMET framework based on a convolutional neural network to classify the reliability of messages posted on social media platforms. Shahi and Nandini [5] built a BERT classifier to detect the false class and other fact-check articles. Roy, A. and Ekbal, A. [6] next proposed an automated multi-modal content approach based on the multilingual fact verification system, which automated the task of fact-verifying websites, and provided evidence for each judgment. Nevertheless, they merely utilized simple evidence combination methods such as concatenating the evidence or just dealing with each evidence–claim pair.
Going further, in addition to considering the use of pre-trained models to achieve multilingual semantics, another promising direction is to distill knowledge from high-resource to low-resource languages. Kazemi, A. et al. [3] adopted the teacher–student framework to train a multilingual embedding model based on the XLM-R model, in which a high-quality teacher model is adopted to promote the learning ability of a student model. With the expansion of language categories, a potentially troublesome problem in fine-grained multilingual fact-checking in this way is that the teacher model has maybe never seen the statements expressed in a minority language. Thus, the intensive research of few-shot or zero-shot multilingual fact-checking has been subject to considerable discussion. Martín, A. et al. [7] proposed FaceTeR-Check architecture for semi-automated fact-checking, which enables several modules to evaluate semantic similarity to calculate natural language inference and to retrieve information from online social networks. The multilingual fact-checking tool could verify new claims, extract related evidence, and track the evolution. Lee, N. et al. [8] leveraged an evidence-conditioned perplexity score from the masked language model for claim verification, which is an unsupervised method. In the fine-gained scenario, Gupta, A. and Srikumar, V. [9] determined the veracity of a claim by adopting an attention-based evidence aggregator that used a multilingual transformer-based model, and concatenated the additional metadata of a claim to augment the model.
The unified models based on pre-training and fine-tuning are the mainstream fact-checking paradigm, for example, designing the evidence-conditioned perplexity function or evidence aggregator based on the attention mechanism for fact verification, which is mainly trained for learning representation patterns and joint probability distributions of factual claims and pieces of evidence. The methods indicated a feasible inference idea; the core of this is that with deep semantic understanding from multilingual pre-training models, a downstream classifier can be progressively fine-tuned based on a training dataset in a certain scale. In consequence, sufficient evidence of aggregation and metadata supplementation for fact verification contributes to strengthening the authenticity inference calculation. However, in the scenario of few-shot or zero-shot samples across domains and languages, the learning perception ability of the previous models is extremely limited. The main reasons are as follows: On the one hand, due to the lack of large-scale data driving, the model cannot be quickly and finely fine-tuned to the downstream tasks, and the potential of pre-training models is desired to be further stimulated. On the other hand, the existing coarse-grained evidence aggregation mechanism, which requires more fine-grained evidence chains, cannot provide acceptable evidence. Last, but not the least, the previous models have not considered leveraging the consistency of the same language family in the fact statement representation paradigm to deal with the correlation learning mechanism of the lifting model, thus, strengthening the transfer learning ability of the model in few-/zero-shot scenarios.
To deal with the above issues, we propose the Joint Prompt and Evidence Inference Network (henceforth, PEINet) framework for multilingual fact-checking in the zero-shot scene, which is inspired by the human cognitive paradigm. When the human brain judges whether a fact is true or false, the first decision-making consciousness is to take aim at the claim or title. If there is an excessively exaggerated or obviously outrageous expression in the statement, we can directly determine that it is false. Of course, for an obscure and complicated statement, next it is necessary to retrieve relevant evidence and extract reasonable clues, so as to generate final judgment. Furthermore, in the face of fact-checking in terra incognita, relevance cognition plays an important role in the brain learning mechanism. In general, claims in a similar-expression paradigm may have consistent authenticity, and similar fact statements described in the same language family may share the like expression paradigms.
In order to better clarify the mechanism, we take a concrete example, as shown in Figure 1. Through comprehensive comparison and observation of examples #1 and #2, we discover that the claim in #1 obviously contains exaggerated and deliberate contents that are highlighted with roughening and underlining in the figure, which evidently is false from logical empiricism. Furthermore, the claim in #2 is relatively objective. Next, as shown in the purple dotted lines and order numbers in circles in the figure, the fine-grained clue chains of evidence in red font explored from the claim and retrieved evidence can verify that the claim is clearly false. Further consideration is given to the fact that Portuguese and Spanish belong to the common language family ‘Indo-Aryan: Romance’. By strengthening the interaction of different claims in the same language family, the model can transfer knowledge between the claims. In other words, even if the model only is trained with the Portuguese claims, the Spanish claims in the test can be verified by the model. Specifically, in PEINet, we first design a language family-shared embedding layer to strengthen the model for the inter-semantic understanding between different claims belonging to the same language family. Then, we design a co-interactive cognitive inference layer, in which a prompt-based claim verification module is responsible for directly judging the claim, and the fine-grained evidence aggregating module takes the chance of inferring the deep-seated evidence clues. Finally, to achieve a unified cognitive architecture, the multi-task learning mechanism is adopted for building the affine classification layer. The PEINet model, as a novel algorithm, can be adapted to the multilingual fact-checking social media platform to automatically identify and filter misinformation, fake news, political deception, online rumors, etc. For the information published by the social media platforms, the system automatically submits it to the algorithm for review. Then, the algorithm can verify the claim and choose whether to block it or strictly review it manually according to the classification label. In particular, when a piece of misinformation is refuted, and is deliberately repackaged in another language, the algorithm can replace manual audits efficiently and greatly relieve the pressure on auditors.
Experiments on the challenging real-world datasets X-Fact demonstrate that our model outperforms several state-of-the-art scores in in-domain, out-of-domain, and zero-shot tests in terms of the macro-F1 evaluation metric. Moreover, the comprehensive experimental analysis confirms the validity and the reasonableness of our model. To sum up, our main contributions are as follows:
  • We propose PEINet, a novel framework inspired by the human cognitive decision paradigm to verify multilingual claims in out-of-domain and zero-shot scenarios.
  • We explore that the shared encoding mechanism via language family metadata augmentation strengthens authenticity-dependent learning between cross-language claims. Moreover, we investigate the multilingual fact-checking model that integrates prompt-based judgment and further fine-grained evidence aggregation inferences for the final claim verification based on the multi-task learning mechanism.
  • We perform exhaustive empirical evaluation and ablation studies to demonstrate our model’s effectiveness, especially in zero-shot scenarios, and further discuss the potential optimizable issues.

2. Related Work

There are extensive studies about misinformation detection from multiple perspectives; these studies derive several analogous problems such as rumor detection and verification, fake news detection, machine-generated news, false information detection, and fact-checking [10]. Due to this important research, exciting advances have been achieved in automated fact-checking with increasingly larger datasets, better performing models, and more powerful systems. However, automated fact-checking is still a challenging task unquestionably, especially in a multilingual or multi-modal scenario. Engineering accurate systems and advanced computational methods for fact-checking are required urgently [11].

2.1. Automated Fact-Checking

A dominant bottleneck associated with fact-checking is the cause of the shortage of available research datasets. With the rise of fact-checking websites [12], corpus annotation platforms, and pre-trained language models [13], there has been an increase in the volume of available data [10]. The LIAR dataset, which consists of 12.8K claims retrieved from Politifact API, was first released for training machine learning models. The meta-data (i.e., speaker of claim, political affiliation, medium by the claim that was first issued) for the claims was proactively annotated. However, the evidence applied by fact-checkers for verifying the claims was not delivered in the dataset [14]. Urged by the announcement of LIAR, huge strides in progress have been made, and there have been substantially larger datasets, in which the FEVER [15], FEVER 2.0 [16] and FEVEROUS [17] datasets have been the landmark tasks. An essential justification method of claims was to reveal which evidence was judged to reach a verdict, as was required in FEVER-series tasks. The normal framework for auto-fact-checking comprised of three sub-tasks: (i) worthy claim detection to identify the claim which is needed to be verified; (ii) retrieving documents related to the claim to select the most relevant pieces of evidence; (iii) predicting the veracity of the claim with explanation extraction [10,11,18]. A combination of heuristic approaches, machine learning methods, and deep neural network models are adopted as a pipeline model (e.g., a document retrieval module based on TF-IDF [19], neural semantic matching networks for combining fact extraction [20], and evidence inference networks for interpretable claim verification [21]) to solve the sub-task of each stage for the implied task of label aggregation or the joint model (e.g., end-to-end system to assess the veracity of claims [22]) to verify the claim.

2.2. Multilingual Cross-Domain Scenario

Although different theories, models, and systems in research among misinformation have transcended countries and languages [23,24,25], most investigations have focused on English [26,27] or other monolingual datasets [28]. There is yet a pressing challenge in multilingual fact-checking—relevant datasets released for performance evaluation of multilingual fact-checking models in more languages have been promoted for breaking through the bottleneck [29,30], and have accelerated progress without the dependence on translation systems [31]. For instance, the multilingual cross-domain dataset of 5182 fact-checked news articles for COVID-19 was introduced by Shahi and Nandini [5]. The larger publicly available multilingual dataset X-FACT for factual verification of naturally existing real-world claims was issued afterwards, which contained 31,189 general domain non-English claims from 25 languages [9]. Recently, a large-scale multilingual and multi-modal fact-checked dataset collected from social network contains rich social media data in 41 different languages, and was firstly made available as a heterogeneous graph [30].
Regarding the above examples, this provides further motivation that auto-fact-checking prospective models are desired for applying to multilingual cross-domain scenarios (e.g., public health, society, or politics). How to effectively achieve semantic comprehension and leverage resources between different languages is still an open question, especially when handling low-resource languages. To the extent that is known, the few-shot learning or zero-shot learning method has been successfully applied for the low-resource task, which discovered that pre-trained language models (LMs) have stored factual knowledge in their parameters, and has advantages in the comprehension of samples not included in the training dataset [32]. Therefore, leveraging the few-/zero-shot ability of multilingual LMs for fact verification is a feasible strategy in multilingual scenarios.

2.3. Zero-Shot Inference Verification

The large-scale auto-regressive LMs were adjusted through few-shot and zero-shot learning for wide-ranging tasks with obviously less computational cost than full fine-tuning [33]. Regarding most monolingual pre-trained models, multilingual-masked and sequence-to-sequence models that perform cross-lingual tasks with fine-tuning on the labeled data in downstream tasks have been designed, such as mBERT, XLM-R, and mT5 [34]. Considering that multilingual few-shot learning capabilities are less well understood in the above models, the comprehensive multilingual models (as GPT-3 [35] and XGLM [34]) were proposed in the few-shot and zero-shot learning paradigm for multilingual natural language understanding tasks without fine-tuning. However, the multilingual models can only generate a fundamental semantic understanding of claims and evidence, and the abilities of multilingual fact-checking mainly depend on downstream module designs.
For further leveraging the powerful zero-shot learning abilities of LMs, a new way that takes advantage of LMs (including BERT, GPT2) via a perplexity score was shown to exhibit zero-shot capabilities, thus, outperforming the Major Class baseline models by more than 10% on F1-Macro metrics across multiple datasets [8]. In addition, two new cross-domain fact-checking datasets corresponding to the model were released to prove the rationality of the perplexity score synchronously. However, the best optimal perplexity threshold that separates supported or unsupported claims was generated from the statistical calculation of evidence-conditioned perplexity scores for each claim, which was not automatically evaluated in models. As an automatic framework, Question Answering for Claim Generation (QACG) [36] was proposed to train a fact-verification model by using automatically generated claims that can be supported, refuted, or unverified from the evidence. The model improved Roberta’s performance by up to 22% when experimented on the FEVER dataset, and reduced the human-annotated demand that was equivalent in performance to 2K+ manually curated examples in the zero-shot scenario. When solving the problem of the multilingual zero-shot fact-checking tasks, the machine learning classifiers automatically identified COVID-19 misinformation via learning contextualized embedding. The misinformation from social media included English, Bulgarian, and Arabic [37]. As  shown in the experimental results, the BERT and multilingual BERT achieved the best result.
Nonetheless, the task only explored contextualized embedding from the LMs for misinformation detection without delving into the cross-lingual implicit value, especially the mutual information transfer between the different languages. In another study, the zero-shot capabilities of several multilingual transformer-based models were evaluated based on the X-Fact dataset for the fact-checking task. Through modeling the attention relationship between the textual claim and evidence from news stories retrieved using a search engine, the attention-based evidence aggregator (Attn-EA) model outperformed the claim-only model (Claim-Only) [9]. However, as a baseline for suggesting the X-Fact dataset, the model—without making full use of additional metadata—lacked the interpretable claim verification and fine-grained evidence aggregating and inferring, and was not complete to construct a unified fact-checking cognitive framework.

3. Methods

In this section, we introduce our PEINet framework for zero-shot multilingual fact-checking, which is the main contribution of this paper. Figure 2 shows the framework, which mainly introduces three components: (1) An LF-aware shared encoding layer (details in Section 3.2), which enhances authenticity-dependent learning between multilingual samples by encoding the language family metadata. (2) A co-interactive cognitive inference layer (details in Section 3.3), in which the prompt-based claim verification module verifies whether the claim is true or false depending on the claim contents. Furthermore, the fine-grained evidence aggregating module obtains recursively valuable evidence to verify the claim again. (3) A unified affine classification layer (details in Section 3.4), which leverages the multi-task learning mechanism to achieve the final classification uniformly.

3.1. Problem Formulation

First, we describe the mathematical modeling of the multilingual fact-checking problem. For a dataset T = { X , Y } , in which X = { x 1 , x 2 , , x n } and Y = { y 1 , y 2 , , y m } , there are n samples and m labels. Giving, arbitrarily, an input x i X , which includes a claim c i , the corresponding metadata m i , and N pieces of retrieved evidence E i = { e 1 , e 2 , , e N } , the model output is the truthfulness label of the claim y ^ i Y . We aim to train the model that can fit a more accurate function F so that the predict label y ^ i is more probable to be consistent with the true label y i .

3.2. LF-Aware Shared Encoding Layer

We employ mBERT [38] as the shared encoder by extracting the [CLS] embedding token as the representation, where the [CLS] is a special classification token and the last hidden state of mBERT corresponding to this token (h[CLS]).
Specifically, the claim and retrieved evidences are, respectively, fed into mBERT for obtaining the corresponding semantic embedding vectors. Notably, the feature of language family (LF) is extracted beforehand from the metadata for augmenting the cross-language comprehension ability. The form of the LF feature is a string template modified by special characters [unused*], e.g., m = “[unused1], ar, [unused1], [unused2], Afro-Asiatic, [unused2].”, where the [unused1] and [unused2] are also the special tokens for fixed mark. Considering there are abnormal characters in the claims and evidence, we also replace these invalid with a null character. Subsequently, the new input is contacted as follows:
c ^ = [ m , c ] , e i ^ = [ m , e i ] .
Next, the input is re-encoded as follows:
x i = { c i ^ , E i ^ } = { c i ^ , e 1 ^ , e 2 ^ , , e N ^ } .

3.3. Co-Interactive Cognitive Inference Layer

3.3.1. Prompt-Based Claim Verification Module

As we mentioned before, the prompt is well developed for few-/zero-shot classification tasks such as multi-class fact verification and other natural language inferences [39]. Considering that most auto-generating prompts cannot achieve a comparable performance, we design task-specific manual prompts for fact-checking [40,41]. In this section, we introduce the details of the prompt-based claim verification module, and illustrate how to adapt the prompt-tuning for fact-checking inferences.
As a cloze-style task for tuning PLMs, there are template T ( · ) and a set of label words V formally. For each input instance x, the template is designed to map x to the prompt input x p r o m p t = T ( x ) . Notably, the template defines whether the position of input tokens is needed to be adjusted and whether to pad other additional tokens.
Since the task contains seven classification labels, as described in detail in Section 4.1, at least two parameters are required to be placed into the template for filling the label words. Specifically, the template is designed as:
T ( X ) = The true label of the claim is [ MASK 1 ] [ MASK 2 ] . X ,
where the X is the content strings.
Accordingly, the template maps the input of claim sequence c i ^ to x p r o m p t , i , which can be formalized as Equation (4):
x p r o m p t , i = { [ C L S ] , the true label of the claim is [ MASK 1 ] [ MASK 2 ] . , +     [ S E P ] , w 1 , w 2 , , w | x 1 | , language family tokens , +     w 1 , w 2 , , w | x 2 | , claim tokens , + [ S E P ] } .
where the symbol + only represents string concatenation.
Then, we use the mBERT to encode all tokens of the input sequence into corresponding embedding vectors H = { h [ c l s ] , , h [ M A S K 1 ] , h [ M A S K 2 ] , h [ S E P ] , } . Next, by inputting x p r o m p t into mBERT, the embedding vectors h [ M A S K ] H in hidden layers are generated based on the feed-forward calculation. Given v V , we calculate the probability that the token v is the cloze answer of the masked position, as shown in Equation (5):
p ( [ M A S K ] = v | x p r o m p t ) = exp v · h [ MASK ] v ˜ V exp v ˜ · h [ MASK ] ,
where v is the embedding vector of the token v in the mBERT.
Further, we bridge the mapping relationship between the set of labels and the set of words, which is expressed as the affine function in Equation (6):
Φ : Y V .
As mentioned above, the prompt template contains multiple [MASK] tokens, and the label probability is, thus, considered with all masked positions to make final predictions. The formula is Equation (7):
p ( y p r o ^ m p t x p r o m p t ) = j = 1 n p MASK j = ϕ j ( y ) T ( x p r o m p t ) ,
where n is the number of masked positions in T ( · ) , and  ϕ j ( y ) is to map the class y to the set of label words V [ M A S K ] j for the j-th masked position [ M A S K ] j . The  y p r o ^ m p t corresponding to the maximum probability value is the prediction label.
Furthermore, the optimization objective in the prompt-based module is to minimize the loss function in Equation (8):
L p r o m p t ( y p r o ^ m p t , y ) = 1 | X | x X log j = 1 n p [ MASK ] j = ϕ j y T ( x ) .

3.3.2. Fine-Grained Evidence Aggregating Module

For the mentioned input, we feed the claim c ^ and the retrieved evidence e i ^ E into mBERT to achieve the corresponding representation. This is shown as follows:
h e i = mBERT ( e i ^ ) , h c = mBERT ( c ^ ) .
Note that the embedding vectors of the claim and evidences are generated from the final hidden state of the special token [CLS]. Next, we extract the potential graph representations of the evidence nodes in the fine-gained evidence aggregating network, where information passing is guided by the noteworthy elements in the claim.
Semi-supervised graph networks have been used in the past to capture hidden information for a classification task [42,43]. Inspired by the previous studies, we propose a Recursive Graph Attention Network (RGAT) for evidence aggregating and reasoning.
In order to bridge information gaps between different pieces of evidence, a fully connected graph neural network is firstly constructed, where each network node represents one piece of evidence. In addition, every node is on a self-loop, and mainly considers the mining of fine-grained information and the flowing interaction of information from itself. Then, the three-layer recurrent network that deductively generates connected evidence chains is formulated for evidence reasoning. Specifically, the hidden states of nodes at layer l in the network are obtained as learning feature representations, as shown in Equation (10):
h l = h 1 l , h 2 l , , h N l ,
where h i l R F × 1 and F are the number of node features. The initial hidden state of each evidence node h i 0 is initialized by the evidence presentation: h i 0 = h e i .
As far as the correlation coefficients between a node i and its neighbor j ( j N i ) is concerned, we compute the coefficients as Equation (11):
c i j = W 1 l 1 ReLU W 0 l 1 h i l 1 h j l 1 ,
where N i denotes the neighbor set of node i, W 0 l 1 R H × 2 F and W 1 l 1 R 1 × H are the weight matrix, and the operation · · indicates the concatenation of different variables.
Next, the coefficients c i j are normalized with the softmax function, as shown in Equation (12):
α i j = softmax j c i j = exp c i j k N i exp c i k ,
Finally, through the recursive interactive fusion of evidence nodes layer by layer, the feature representation vector for node i at layer l is estimated as Equation (13):
h i l = j N i α i j h j l 1 .
Following this, the final hidden states of evidence nodes from stacking T layers are extracted as the component embedding representation of the evidence reasoning, which is seen in Equation (14):
H T = CONCAT h 1 T , h 2 T , , h N T .
As the next important step, we construct the evidence attention aggregator to gather the fine-grained information from the final embedding representation of the evidence reasoning. Specifically, what information is aggregated preferentially depends on how important it is to the claim, which is measured based on the multi-head attention mechanism [44], as shown in Equation (15):
H O = MultiHead ( H T , h c ) = CONCAT i N h e a d Head ( i ) W O .
In Equation (15), the  Head ( i ) is calculated by Equation (16):
Head ( i ) = Attention H T W Q ( i ) , h c W K ( i ) , h c W V ( i ) ,
where distinct parameter matrices W Q ( i ) , W K ( i ) R D i n × d k , W V ( i ) R D i n × d o u t are learned for each head i [ N h e a d ] and the extra parameter matrix W O R N h e a d d o u t × D o u t projects the concatenation of the N h e a d head outputs (each in R d o u t ) to the output space R D o u t . In the multi-head setting, we call d k the dimension of each head and D k = N h e a d d k the total dimension of the query/key space.
Once the final state H O is obtained, we employ the multilayer perceptron to get the prediction y r g ^ a t in Equation (17):
y r g ^ a t = softmax R e L U W H O + b ,
where W R C × D o u t and b R C × 1 are parameters, and C is the number of prediction labels.
Next, the cross-entropy is used as a loss function for optimizing the RGAT model, as shown in Equation (18):
L r g a t y r g a ^ t , y = i = 1 C y ( i ) log y r g ^ a t ( i ) .

3.4. Unified Affine Classification Layer

To combine the prompt-based claim verification module and the fine-grained evidence aggregation module uniformly for generating the final decision, we design the unified affine classification layer, which chiefly integrates the classification labels from the different module’s output. In other words, the last layer aims to strengthen the joint learning between multi-tasks for final efficiency and accurate predictions.
On the whole, the multi-task learning target is considered as the model optimizing problem concerning multiple objectives. Specifically, the naive approach to combining multi-objective losses would be to perform a weighted linear sum of the above losses for each module task, as shown in Equation (19):
L t o t a l = L 1 + L 2 = λ p r o m p t L p r o m p t + λ r g a t L r g a t ,
where the L 1 and L 2 are, respectively, the abstract expression of the loss function L p r o m p t and L r g a t , λ p r o m p t 0 , 1 , λ r g a t 0 , 1 , and  λ p r o m p t + λ r g a t = 1 .
However, there are a series of issues employing the naive calculation method. Namely, model performance is extremely sensitive to weight values. These weight hyper-parameters are time-consuming to tune for the best performance, and are increasingly difficult with large models. Thus, we derive the unified loss function based on the previous work that proposed a principled approach to multi-task deep learning [45]—to learn optimal task weightings using ideas from probabilistic modeling based on the epistemic uncertainty and aleatoric uncertainty. The core calculation formula is shown in Equation (20):
L t o t a l W , σ 1 , σ 2 = log p y p r o ^ m p t , y r g ^ a t f W ( x ) 1 2 σ 1 2 y p r o ^ m p t f W ( x ) 2 + 1 2 σ 2 2 y r g ^ a t f W ( x ) 2 + log σ 1 σ 2 1 2 σ 1 2 L 1 ( W ) + 1 2 σ 2 2 L 2 ( W ) + log σ 1 σ 2 = 1 2 σ 1 2 L 1 ( W ) + 1 2 σ 2 2 L 2 ( W ) + log σ 1 + log σ 2 ,
where σ 1 and σ 2 are the relative weight of the losses L 1 ( W ) and L 2 ( W ) adaptively, and the σ 1 and σ 2 are, respectively, the abstract expression of the weight parameters λ p r o m p t and λ r g a t . On the other hand, in order to facilitate the modeling calculation, the  1 2 σ 1 2 and 1 2 σ 2 2 are, respectively, the approximate expression of the weight parameters λ p r o m p t and λ r g a t .
More concretely, the final optimization objective can be seen as minimizing the loss function L t o t a l W , σ 1 , σ 2 with respect to σ 1 and σ 2 learning the weight of W in the losses L 1 ( W ) and L 2 ( W ) . As  σ 1 indicates that the noise parameter for the label y p r o m p t increases, the weight of L 1 ( W ) decreases. In other words, as the noise decreases, the weight of the respective objective increases. This last objective can be seen as learning the relative weights of the losses for each output. Large scale values σ 1 will decrease the contribution of L 1 ( W ) , whereas small σ 1 will increase its contribution, and similarly for σ 2 of L 2 ( W ) .

3.5. Procedure

In this section, we focus on revealing the model construction and optimization of Algorithm 1 in the training process, which not only includes the input and output data, but also the pre-processing and running process.
Algorithm 1: The process of training PEINet.
Applsci 12 09688 i001
For better intuitive understanding, the professional function namespace of the Pytorch framework is employed in the pseudocode. As a whole, the inference forecasting of the development and test process can be executed directly based on the model trained by the algorithm.

4. Experiments and Results

4.1. Datasets and Evaluation Metrics

We conduct our experiments on the large-scale benchmark dataset X-FACT, which includes 31,189 short claims labeled for veracity by expert fact-checkers and covers 25 typically diverse languages across 12 language families. According to the different rating scales for categorization, the label set is divided into seven labels by fact-checkers: True, Mostly True, Partly True, Mostly False, False, Complicated/Hard to Categorise, and Other. Table 1 shows the statistics of the dataset. Following the evaluation criteria of previous studies, we likewise report average accuracy, macro F1 scores, and standard deviations in the experience with different random seeds.
The dataset, shown in the Appendix A.1, provides a challenging multilingual fact-checking evaluation benchmark that measures in-domain classification, out-of-domain generalization, and zero-shot capabilities of the multilingual models. More specifically, the Test1 set contains fact-checks from the same languages and sources as the training set. Second, the out-of-domain test set (Test2) consists of claims from the same languages as the training set but are from a different fact-checking website source. The third test set (Test3) is the zero-shot set, which seeks to measure the cross-lingual transfer abilities of fact-checking systems. Test3 accommodates claims from the new language not contained in the training set. In general, the dataset is specially created to evaluate the various performances of the models that not only solve the difficulty of these multilingual fact-checking sets (Test1), but also fit both source-specific patterns (Test2) and language-specific patterns (Test3).

4.2. Setting

The core details of the model’s relevant parameters are provided for better evaluation and reproducibility.
Firstly, the hyper-parameter settings of the model architecture are as follows: In the shared encoding layer, the embedding layer of 50 dimensions is randomly initialized to encode the language family feature. For claim-evidence input pairs, all retrieved evidences related to the claim are inputted into the model, totaling five pieces. To maintain uniform input length, the input maximum sequence length is 360 due to constraints on the GPUs memory, where parts longer than the maximum length are truncated, and the shorter sequences are zero-padded. Next, we used the mBART-base model for all of our experiments. This model has 12 layers each with a hidden size of 768, the number of attention heads equal to 12, and the value for dropout in the hidden layer is 0.2. The total number of parameters in this model is 125 million. In the recursive graph attention network, we attempt to stack 0–3 recursive layers and analyze the effect of different layer numbers. Furthermore, the number of multi-attention heads is set to 0, 8, and 16, respectively, for evaluating the evidence aggregating performance. In the classification layer, the dynamic weights are randomly initialized and gradually optimized in iteration. Furthermore, the class label number is 7, which is consistent with the number of task categories.
Next, regarding the training of the model, we optimize the model via the AdamW optimizer for the best performance, in which the initial learning rate is 1.95 × 10 5 , and the learning rate warm-up steps are set to 10% of the total training steps. In addition, the maximum batch size is 8 and the train epoch number is 10. Once each epoch training is completed, we evaluate the model performance and save the model once. All our models were run with four random seeds (seed = [1; 2; 3; 4]).
Lastly, for the experimental environment, all algorithm codes are developed based on the PyTorch framework, which is run on the NVIDIA GeForce RTX 3090 machine (24 GB VRAM) with a GPU accelerator. Furthermore, the average training time of our model is about 160 min. The experiments can be sped up with distributed data-parallel training via multiple GPUs on multiple computing machines.

4.3. Overall Performance

We compare our methods with the following several models, including top-performing models reported with the X-FACT dataset [9], and homogeneous models retrieved on the same dataset [42].
  • Majority. The model directly generates classification results based on the majority label of the dataset distribution, i.e., Mostly False.
  • Claim-Only. The model is only inputted with the textual claim, basically treating the task as a multi-class problem.
  • Attn-EA. The procedure is emulated by developing an attention-based evidence aggregation model that operates on evidence documents retrieved from web searches with the claim using Google.
  • Graph-EA. The framework for claim verification utilizes the BERT sentence encoder, the evidence reasoning network, and an evidence aggregator to encode, propagate, and aggregate information from multiple pieces of evidence.
Common and Different Aspects. In addition to the Majority model, which is calculated based on statistical methods, other models are designed based on the common architecture of a deep neural network, which leverages the mbert model to encode the claims and pieces of evidence. The core distinction between other models is the downstream network structure of the basic semantic encoder. Furthermore, the different network modules can be modeled to extract different features, which determines the final performance superiority of multilingual claim verification.
Metadata Augmenting. As far as metadata augmenting is concerned, to strengthen the model performance, the above models mainly adopt the scheme whereby the input is increased with additional metadata, and is represented as a sequence of the key-value form. In detail, the metadata includes the language, website name, claimant, claim date, and review date. If a certain field is not available for a claim, the value is set by none. Unlike the previous scheme, we only embed the metadata of language and language family for augmenting performances.
Table 2 reports the performance of our model and other models under the same evaluation conditions. Compared with the above models, PEINet has achieved state-of-the-art scores. Firstly, by vertically comparing model performance in training, validation, and testing, it can be seen that our model has no over-fitting. Next, by comparing the performance of the model on Test1 horizontally, the PEINet model outperforms the baseline models in the in-domain test, which demonstrates that the model has superior performance in multilingual automated fact-checking. Furthermore, our model significantly also outperforms previous methods not only on the Test2 set, but also on the Test3 set in further analysis, which means that our model has a better performance in both out-of-domain generalization, and zero-shot capabilities. The overall performance advantage of the model suggests that our motivation of the human fact-checking cognitive paradigm is valid and reasonable. In a separate analysis of the degree of performance superiority in three different test sets, our model performs best in Test3, which further demonstrates the advantages of the model in few-/zero-shot scenarios.

4.4. Ablation Study

To investigate the effect of each component in PEINet, a concise summary of ablation analysis by removing different modules of our model is shown in Table 3. We employ ‘-UnifiedLossLayer’, ‘-FEAModule’, ‘-PCVModule’, and ‘-LFEncoderLayer’, which, respectively, represents: unified multi-task loss function, fine-grained evidence aggregating module, prompt-based claim verification module, and LF-shared encoding module. Individually, ‘-UnifiedLossLayer’ represents that the multi-task learning mechanism is not adopted, and both λ p r o m p t and λ r g a t are 0.5. Next, ‘-FEAModule’ means that the recursive graph attention network is replaced by the three-layer fully connected neural network. Then, ‘-PCVModule’ indicates that the prompt learning template is not employed, and the corresponding module is remodeled based on the claim embedding the special token [CLS]. Last, ‘-LFEncoder’ represents that the language family feature is not encoded, and only other mete-data features are adopted to strengthen the model.
The empirical results show that first, the removal of different components suffers different degrees of performance degradation. Second, the performance of the model without the fine-grained evidence aggregating module is subjected to a large reduction, which indicates that it is necessary to leverage the recursive graph attention between the claims and pieces of evidence to verify the claim, thus, contributing to boosting the final performance. Finally, without language family embedding, the model performance uniformly declined to a certain extent in each test scenario, which fully embodies the key role of language family metadata augmentation.

4.5. Effectiveness of the Prompt Template

To verify the impact of different designed prompts, we manually design language-special and sequence-special contrast experiments. Therein, for language-special setting, except taking English as the prompt language, the Portuguese and Indonesian language are selected as representative languages, which belong to the top proportions of claim language. Furthermore, to evaluate whether there is an effective contribution of the language-special prompt, we also adopt the null prompt method, which simply concatenates inputs and the [MASK] tokens. As Table 4 shows, language-special prompts in correspondence with the source language of claim do not perform best in our experiments, and the null prompt also limits the performance. On the contrary, we observe that the language of prompts close to the source language of the claim label can effectively boost the model performance. The main reason is that on one head, the English prompt templates are better in line with the claim label. On the other head, errors may exist in the translated verbalizer. For a sequence-special setting, the experimental results suggest that template T1 in typical narration outperforms template T2 in a flashback.

4.6. Effectiveness of RGAT Parameters Setting

Next, we focus on the effect of the different parameters in the RGAT module. In our observation, from the results in Table 5, the 8-head attention aggregator model with two recursive layers achieves the best results, which indicates that claims from the obscure and complicated subset require multi-step evidence chain propagation.
We further analyze the results from different angles. From the perspective of model layer numbers, the performance of a model with three recursive layers is inferior to that of a model with two recursive layers, which suggests that the model is overfitting with the increase in layers. On the other head, when analyzing the parameters of the attention heads, the results show that the performance of the 16-head attention aggregators is overall lower than that of the 8-head models, which suggests that the multi-head attention mechanism recreates the role of information aggregation, and the redundancy errors are gradually introduced with the increase in multi-attention heads. Regarding the whole analysis, the results demonstrate the ability of our model to verify the claims with recursive excavation and aggregation of evidence.

4.7. Case Study and Error Analysis

In this section, we focus on the effect of error propagating based on experimental findings. We select representative samples from the train, dev, and test sets, which may reflect the prominent problem that PEINet confronts.
Through our analysis findings of the typical error cases, the retrieved evidence—a set of homogeneous snippets to classify the claim—may be the primary factor leading to the misjudgment of the model, which is exacerbated by space-limited abbreviation writing. For example, in Figure 3, to verify the claim “Wandering outside the home? Fire shoot in Malaysia with Drone.”, the pieces of evidence retrieved are almost indistinguishable–-the #Evi1 and #Evi5 are almost similar, and the #Evi2, #Evi3, and #Evi4 are same. More critically, the evidence snippets are like replications of the claim, which cannot provide sufficient information to classify the claim. This result may be explained by the fact that the new title of partial search snippets is mainly extracted as evidence, whereby information is insufficient. Next, through the evidence source link provided in the dataset, we further find the truth evidence from the full text of the evidence web pages. As shown in Figure 3, the core part of the evidence that determines the veracity of the claim is briefly listed in the table. A comparison of the retrieval evidence and truth evidence confirms that the claim verification component can not make the right inference with insufficient evidence.
To explore the effect of this issue, we test our models on an evidence-enhanced dev set, in which we add the multi-hop ground truth evidence chain using the full text of the evidence pages. The experimental results show that augmenting evidence significantly improves model performance, which further is in agreement with the idea that fine-grained evidence aggregating and reasoning can contribute to verifying the claim. In addition, the error case analysis in this study also enhances an understanding that leveraging prompt learning to directly verify the claim possibly is a better idea for fact-checking the retrieval evidence to verify whether the claim is true or false or is similar to the claim. Hypothetically, this means it is worthwhile to design a better evidence retrieval pipeline, and the models are able to ingest large documents (web pages); thus, their performance increase could have been much more significant, which remains to be our focus in future research.

5. Discussion

In this section, we will discuss results by answering a series of research questions.
Do the different pre-trained multilingual models make wide differences? We emphatically analyze the performance of different pre-trained multilingual models employed in the framework. Table 6 shows that the model based on mBERT outperforms other similar models. With comparative analysis, the XLM-based model’s performance is close to that of the mBERT-based model, and the DistilBERT-based model’s overall performance is relatively poor, which is limited to performing direct zero-shot tasks due to the learning mechanism. The results suggest that similar large-scale pre-trained multilingual models can almost achieve the equivalent semantic understanding of the same claims’ input, so the core of fact-checking is still an evidence-aware inference.
What are the values of the learned relative weights of the losses in multi-task learning? We evaluate the performance of the PEINet model with different loss function calculation frameworks, where different methods correspond to different task weights. In the single-task learning framework, the task weights are set in advance. Under the multi-task learning framework, the relative weights of the losses are automatically generated through iterative training. The results of the contrastive analysis are presented in Table 7, which clearly illustrates the benefit of multi-task learning. Interestingly, what stands out in the table is that the task weight of the fine-grained evidence aggregation loss is higher than that of the prompt loss, which suggests that the verification of most multilingual claims would depend on the evidence chain excavation.
Can we improve performance with data augmentation of English corpus? A performance comparison is conducted by augmenting the dataset with 12,311 English claims and retrieved evidences from PolitiFact corpus. Average Micro F1 scores (and standard deviations) of the models are reported over four random runs in Table 8. The result that English data augmentation degrades the models’ performances is somewhat counter-intuitive. A possible cause proposed by the dataset publishers is that augmenting data almost comes from the political field, and cross-domain tasks increase the difficulty of multilingual fact-checking, especially in the out-of-domain and zero-shot scene. Another significant factor in our observation is that the evaluation criteria between X-Fact dataset and PolitiFact dataset is inconsistent. However, with English data augmentation, different models have different levels of performance degradation, among which, the performance of PEINet is relatively more stable. The results further support the idea that language family embedding strengthens the model transfer learning in the zero-shot scene.

6. Conclusions

In the paper, we propose a novel PEINet framework for multilingual fact-checking in the out-of-domain and zero-shot scenes. The framework endeavored to solve three challenges: truth or falsehood transfer learning of claims in cross-language and cross-domain, prompt-based verification without sufficient evidence, and fine-grained evidence aggregation and inference for fact verification. As alluded to in our review of the whole work, our model first focuses on the shared encoding mechanism of the language family metadata to strengthen the interactive learning of claims in different languages. Then, the prompt-based checking and synchronous evidence inference verification for the claim furthermore bridge gaps in multilingual fact-checking. Finally, the unified multi-task learning framework adjusts and optimizes the proportion weight of each module. The experiments achieve significant improvements, which proves that our framework performs well. Further analysis demonstrates the robustness and superiority of our model in cross-lingual and cross-domain fact verification tasks on two competitive test datasets. In the future, we will further explore: (1) How to leverage common sense knowledge or prior knowledge of relevant claims for breaking through the limitations of insufficient evidence to aggregate the vital clues. (2) Adaptive prompt template designs for multilingual claim verification to maybe play a key role in heuristic fact-checking in few-shot or zero-shot scenarios. (3) Interpretable claim verification is a potential research direction, which requires easy-to-interpret evidence inference and traceability.

Author Contributions

Conceptualization, X.L. and W.W.; methodology, X.L.; software, X.L. and W.W.; validation, X.L. and J.F.; formal analysis, X.L.; investigation, X.L.; resources, X.L. and J.F.; data curation, X.L., W.W., L.J. and C.L; writing—original draft preparation, X.L.; writing—review and editing, X.L., W.W., J.F., L.J., H.K. and C.L.; visualization, X.L. and H.K.; supervision, L.J. and C.L.; project administration, X.L. and L.J.; funding acquisition, C.L. All authors have read and agreed to the published version of the manuscript.

Funding

This study was supported by the Strategic Priority Research Program of the Chinese Academy of Sciences (no. Y835120378).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

https://github.com/LiXiaoyu0101/Multilingual-Fact-Checking (publicly accessed on 1 September 2022).

Conflicts of Interest

The authors declare that they do not have any conflicts of interest. This research does not involve any human or animal participation. All authors have checked and agreed with the submission.

Appendix A. Details on Dataset and Model

Appendix A.1. Dataset Construction

The composition of the X-Fact dataset is detailed in Table A1. There are 25 diverse languages across 12 language families among the dataset, which is divided into training dataset, development dataset, and three different task-oriented testing datasets. Number 0 indicates not including the language, and number 1 indicates including the language. Moreover, the language code and fact-checker are displayed accordingly.
Table A1. Details of the X-FACT dataset.
Table A1. Details of the X-FACT dataset.
IDLanguageCodeFactCheckerLanguage FamilyTrainDevTest1Test2Test3
1Arabicarmisbar.comAfro-Asiatic11100
2Bengalibndailyo.inIE:Indo-Aryan00001
3Spanisheschequeado.comIE:Romance11100
4Persianfafactnameh.comIE:Iranian00001
5Indonesianidcekfakta.comAustronesian11100
6Indonesianidcekfakta.tempo.coAustronesian00010
7Italianitpagellapolitica.itIE:Romance11100
8Italianitagi.itIE:Romance00010
9Hindihiaajtak.inIE:Indo-Aryan11100
10Hindihihindi.newschecker.inIE:Indo-Aryan00010
11Gujaratigugujarati.newschecker.inIE:Indo-Aryan00001
12Georgiankafactcheck.geKartvelian11100
13Marathimrmarathi.newschecker.inIE:Indo-Aryan00001
14Punjabipapunjabi.newschecker.in.txtIE:Indo-Aryan00001
15Polishpldemagog.org.plIE:Slavic11100
16Portugueseptpiaui.folha.uol.com.brIE:Romance11100
17Portugueseptpoligrafo.sapo.ptIE:Romance11100
18Romanianrofactual.roIE:Romance11100
19Norwegiannofaktisk.noIE:Germanic00001
20Sinhalasisrilanka.factcrescendo.comIE00001
21Serbiansristinomer.rsIE:Slavic11100
22Tamiltayouturn.inDravidian11100
23Albaniansqkallxo.comIE:Albanian00001
24Albaniansqfaktoje.alIE:Albanian00001
25Russianrufactcheck.kzIE:Slavic00001
26Turkishtrdogrulukpayi.comTurkic11100
27Turkishtrteyit.orgTurkic00010
28Azerbaijaniazfaktyoxla.infoTurkic00001
29Portugueseptaosfatos.orgIE:Romance00001
30Germandecorrectiv.orgIE:Germanic11100
31Dutchnlnieuwscheckers.nlIE:Germanic00001
32Frenchfrfr.africacheck.orgIE:Romance00001

Appendix A.2. Model Run Times

The compared baseline models are specified, of which the average running times trained in the same conditions and average inference times tested in the same conditions are presented in Table A2. Further analysis suggests that the average time complexity of our framework is at the same level as that of other representatives. Thus, the experiment demonstrates that the improvement of our model performance depends on the design of modeling architecture rather than the accumulation of complex networks.
Table A2. The statistical results of the average training runtime in per epoch and the inference runtime in per sample. For short, minute is min, and millisecond is ms.
Table A2. The statistical results of the average training runtime in per epoch and the inference runtime in per sample. For short, minute is min, and millisecond is ms.
DataSetAverage Training Runtime
(per Epoch)
Average Inference Runtime
(per Sample)
Claim-OnlyAttn-EAPEINetClaim-OnlyAttn-EAPEINet
X-FACT13 min20 min17 min100 ms118 ms117 ms
X-FACT-ENGLISH19 min32 min28 min100 ms118 ms117 ms

References

  1. Allen, J.; Howland, B.; Mobius, M.; Rothschild, D.; Watts, D.J. Evaluating the fake news problem at the scale of the information ecosystem. Sci. Adv. 2020, 6, eaay3539. [Google Scholar] [CrossRef] [PubMed]
  2. Islam, M.S.; Sarkar, T.; Khan, S.H.; Kamal, A.H.M.; Hasan, S.M.; Kabir, A.; Yeasmin, D.; Islam, M.A.; Chowdhury, K.I.A.; Anwar, K.S.; et al. COVID-19–related infodemic and its impact on public health: A global social media analysis. Am. J. Trop. Med. Hyg. 2020, 103, 1621. [Google Scholar] [CrossRef] [PubMed]
  3. Kazemi, A.; Garimella, K.; Gaffney, D.; Hale, S.A. Claim matching beyond English to scale global fact-checking. arXiv 2021, arXiv:2106.00853. [Google Scholar]
  4. Schwarz, S.; Theóphilo, A.; Rocha, A. Emet: Embeddings from multilingual-encoder transformer for fake news detection. In Proceedings of the ICASSP 2020-2020 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Barcelona, Spain, 4–8 May 2020; pp. 2777–2781. [Google Scholar]
  5. Shahi, G.K.; Nandini, D. FakeCovid–A multilingual cross-domain fact check news dataset for COVID-19. arXiv 2020, arXiv:2006.11343. [Google Scholar]
  6. Roy, A.; Ekbal, A. MulCoB-MulFaV: Multi-modal Content Based Multilingual Fact Verification. In Proceedings of the 2021 International Joint Conference on Neural Networks (IJCNN), Shenzhen, China, 18–22 July 2021; pp. 1–8. [Google Scholar]
  7. Martín, A.; Huertas-Tato, J.; Huertas-García, Á.; Villar-Rodríguez, G.; Camacho, D. FacTeR-Check: Semi-automated fact-checking through semantic similarity and natural language inference. Knowl.-Based Syst. 2022, 251, 109265. [Google Scholar] [CrossRef]
  8. Lee, N.; Bang, Y.; Madotto, A.; Fung, P. Towards Few-shot Fact-Checking via Perplexity. In Proceedings of the 2021 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Online, 6–11 June 2021; pp. 1971–1981. [Google Scholar] [CrossRef]
  9. Gupta, A.; Srikumar, V. X-Fact: A New Benchmark Dataset for Multilingual Fact Checking. In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 2: Short Papers), Bangkok, Thailand, 1–6 August 2021. [Google Scholar] [CrossRef]
  10. Kotonya, N.; Toni, F. Explainable automated fact-checking: A survey. arXiv 2020, arXiv:2011.03870. [Google Scholar]
  11. Guo, Z.; Schlichtkrull, M.; Vlachos, A. A survey on automated fact-checking. Trans. Assoc. Comput. Linguist. 2022, 10, 178–206. [Google Scholar] [CrossRef]
  12. Lowrey, W. The emergence and development of news fact-checking sites: Institutional logics and population ecology. J. Stud. 2017, 18, 376–394. [Google Scholar] [CrossRef]
  13. Niewiński, P.; Pszona, M.; Janicka, M. GEM: Generative enhanced model for adversarial attacks. In Proceedings of the Second Workshop on Fact Extraction and VERification (FEVER), Hong Kong, China, 3–7 November 2019; pp. 20–26. [Google Scholar]
  14. Wang, W.Y. “Liar, liar pants on fire”: A new benchmark dataset for fake news detection. arXiv 2017, arXiv:1705.00648. [Google Scholar]
  15. Thorne, J.; Vlachos, A.; Christodoulopoulos, C.; Mittal, A. Fever: A large-scale dataset for fact extraction and verification. arXiv 2018, arXiv:1803.05355. [Google Scholar]
  16. Thorne, J.; Vlachos, A. Adversarial attacks against fact extraction and verification. arXiv 2019, arXiv:1903.05543. [Google Scholar]
  17. Aly, R.; Guo, Z.; Schlichtkrull, M.; Thorne, J.; Vlachos, A.; Christodoulopoulos, C.; Cocarascu, O.; Mittal, A. Feverous: Fact extraction and verification over unstructured and structured information. arXiv 2021, arXiv:2106.05707. [Google Scholar]
  18. Zeng, X.; Abumansour, A.S.; Zubiaga, A. Automated fact-checking: A survey. Lang. Linguist. Compass 2021, 15, e12438. [Google Scholar] [CrossRef]
  19. Hanselowski, A.; Zhang, H.; Li, Z.; Sorokin, D.; Schiller, B.; Schulz, C.; Gurevych, I. Ukp-athene: Multi-sentence textual entailment for claim verification. arXiv 2018, arXiv:1809.01479. [Google Scholar]
  20. Nie, Y.; Chen, H.; Bansal, M. Combining fact extraction and verification with neural semantic matching networks. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 6859–6866. [Google Scholar]
  21. Wu, L.; Rao, Y.; Sun, L.; He, W. Evidence inference networks for interpretable claim verification. In Proceedings of the AAAI Conference on Artificial Intelligence, Virtually, 2–9 February 2021; Volume 35, pp. 14058–14066. [Google Scholar]
  22. Hassan, N.; Arslan, F.; Li, C.; Tremayne, M. Toward automated fact-checking: Detecting check-worthy factual claims by claimbuster. In Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Halifax, NS, Canada, 13–17 August 2017; pp. 1803–1812. [Google Scholar]
  23. Baly, R.; Mohtarami, M.; Glass, J.; Màrquez, L.; Moschitti, A.; Nakov, P. Integrating stance detection and fact checking in a unified corpus. arXiv 2018, arXiv:1804.08012. [Google Scholar]
  24. Khouja, J. Stance Prediction and Claim Verification: An Arabic Perspective. In Proceedings of the Third Workshop on Fact Extraction and VERification (FEVER), Association for Computational Linguistics, Online, 9–10 July 2020; pp. 8–17. [Google Scholar] [CrossRef]
  25. Nørregaard, J.; Derczynski, L. DANFEVER: Claim verification dataset for Danish. In Proceedings of the 23rd Nordic Conference on Computational Linguistics (NoDaLiDa), Reykjavik, Iceland, 31 May–2 June 2021; pp. 422–428. [Google Scholar]
  26. Vogel, I.; Meghana, M. Detecting fake news spreaders on twitter from a multilingual perspective. In Proceedings of the 2020 IEEE 7th International Conference on Data Science and Advanced Analytics (DSAA), Sydney, Australia, 6–9 October 2020; pp. 599–606. [Google Scholar]
  27. Patwa, P.; Sharma, S.; Pykl, S.; Guptha, V.; Kumari, G.; Akhtar, M.S.; Ekbal, A.; Das, A.; Chakraborty, T. Fighting an infodemic: COVID-19 fake news dataset. In Proceedings of the International Workshop on Combating Online Hostile Posts in Regional Languages during Emergency Situation, Virtual Event, 8 February 2021; Springer: Berlin/Heidelberg, Germany, 2021; pp. 21–29. [Google Scholar]
  28. Mattern, J.; Qiao, Y.; Kerz, E.; Wiechmann, D.; Strohmaier, M. FANG-COVID: A New Large-Scale Benchmark Dataset for Fake News Detection in German. In Proceedings of the Fourth Workshop on Fact Extraction and VERification (FEVER), Association for Computational Linguistics, Online and Punta Cana, Dominican Republic, 7–11 November 2021; pp. 78–91. [Google Scholar] [CrossRef]
  29. Alhindi, T.; Alabdulkarim, A.; Alshehri, A.; Abdul-Mageed, M.; Nakov, P. Arastance: A multi-country and multi-domain dataset of arabic stance detection for fact checking. arXiv 2021, arXiv:2104.13559. [Google Scholar]
  30. Nielsen, D.S.; McConville, R. MuMiN: A Large-Scale Multilingual Multimodal Fact-Checked Misinformation Social Network Dataset. arXiv 2022, arXiv:2202.11684. [Google Scholar]
  31. Dementieva, D.; Panchenko, A. Fake news detection using multilingual evidence. In Proceedings of the 2020 IEEE 7th International Conference on Data Science and Advanced Analytics (DSAA), Sydney, Australia, 6–9 October 2020; pp. 775–776. [Google Scholar]
  32. Petroni, F.; Rocktäschel, T.; Lewis, P.; Bakhtin, A.; Wu, Y.; Miller, A.H.; Riedel, S. Language models as knowledge bases? arXiv 2019, arXiv:1909.01066. [Google Scholar]
  33. Brown, T.; Mann, B.; Ryder, N.; Subbiah, M.; Kaplan, J.D.; Dhariwal, P.; Neelakantan, A.; Shyam, P.; Sastry, G.; Askell, A.; et al. Language models are few-shot learners. Adv. Neural Inf. Process. Syst. 2020, 33, 1877–1901. [Google Scholar]
  34. Lin, X.V.; Mihaylov, T.; Artetxe, M.; Wang, T.; Chen, S.; Simig, D.; Ott, M.; Goyal, N.; Bhosale, S.; Du, J.; et al. Few-shot Learning with Multilingual Language Models. arXiv 2021, arXiv:2112.10668. [Google Scholar]
  35. Floridi, L.; Chiriatti, M. GPT-3: Its nature, scope, limits, and consequences. Minds Mach. 2020, 30, 681–694. [Google Scholar] [CrossRef]
  36. Pan, L.; Chen, W.; Xiong, W.; Kan, M.Y.; Wang, W.Y. Zero-shot Fact Verification by Claim Generation. In Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 2: Short Papers), Virtual Event, 1–6 August 2021. [Google Scholar] [CrossRef]
  37. Panda, S.; Levitan, S.I. Detecting multilingual COVID-19 misinformation on social media via contextualized embeddings. In Proceedings of the Fourth Workshop on NLP for Internet Freedom: Censorship, Disinformation, and Propaganda, Online, 6–11 June 2021; Association for Computational Linguistics: Cambridge, MA, USA; pp. 125–129. [Google Scholar]
  38. Pires, T.; Schlinger, E.; Garrette, D. How multilingual is multilingual BERT? arXiv 2019, arXiv:1906.01502. [Google Scholar]
  39. Liu, P.; Yuan, W.; Fu, J.; Jiang, Z.; Hayashi, H.; Neubig, G. Pre-train, prompt, and predict: A systematic survey of prompting methods in natural language processing. arXiv 2021, arXiv:2107.13586. [Google Scholar] [CrossRef]
  40. Lv, B.; Jin, L.; Zhang, Y.; Wang, H.; Li, X.; Guo, Z. Commonsense Knowledge-Aware Prompt Tuning for Few-Shot NOTA Relation Classification. Appl. Sci. 2022, 12, 2185. [Google Scholar] [CrossRef]
  41. Han, X.; Zhao, W.; Ding, N.; Liu, Z.; Sun, M. Ptr: Prompt tuning with rules for text classification. arXiv 2021, arXiv:2105.11259. [Google Scholar]
  42. Zhou, J.; Han, X.; Yang, C.; Liu, Z.; Wang, L.; Li, C.; Sun, M. GEAR: Graph-based evidence aggregating and reasoning for fact verification. arXiv 2019, arXiv:1908.01843. [Google Scholar]
  43. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  44. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, L.; Polosukhin, I. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems 30, Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  45. Kendall, A.; Gal, Y.; Cipolla, R. Multi-task learning using uncertainty to weigh losses for scene geometry and semantics. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 7482–7491. [Google Scholar]
Figure 1. Typical Examples from X-FACT. Example #1 and #2 are from Portuguese and Spanish, respectively. Every sample consists of a claim, evidence, and label. Due to the lack of space, the original claims are only shown in the figure, and the translations (symbol # T ) of claims and parts of evidence are offered as the central part to better illustrate the evidence.
Figure 1. Typical Examples from X-FACT. Example #1 and #2 are from Portuguese and Spanish, respectively. Every sample consists of a claim, evidence, and label. Due to the lack of space, the original claims are only shown in the figure, and the translations (symbol # T ) of claims and parts of evidence are offered as the central part to better illustrate the evidence.
Applsci 12 09688 g001
Figure 2. The architecture of the PEINet model consists of three components. The input is a claim and pieces of evidence, and the output is the distribution probability of labels.
Figure 2. The architecture of the PEINet model consists of three components. The input is a claim and pieces of evidence, and the output is the distribution probability of labels.
Applsci 12 09688 g002
Figure 3. A typical error analysis example in which the true label is misleading, while the predicted label is the other. The claim and retrieved evidence, which is highlighted in red font, come from the training dataset, and part of the truth evidence, which is marked with red font and is underlined, are manually searched from the evidence source website. For reference, translations are also shown. In addition, the metadata are also listed for integrity-checking.
Figure 3. A typical error analysis example in which the true label is misleading, while the predicted label is the other. The claim and retrieved evidence, which is highlighted in red font, come from the training dataset, and part of the truth evidence, which is marked with red font and is underlined, are manually searched from the evidence source website. For reference, translations are also shown. In addition, the metadata are also listed for integrity-checking.
Applsci 12 09688 g003
Table 1. X-Fact dataset details. X-FACT contains three challenges sets, namely, in-domain test (Test1), out-of-domain test (Test2), and zero-shot test (Test3). Each set consists of multilingual claims and pieces of evidence, whereby language numbers and pre-three languages are counted.
Table 1. X-Fact dataset details. X-FACT contains three challenges sets, namely, in-domain test (Test1), out-of-domain test (Test2), and zero-shot test (Test3). Each set consists of multilingual claims and pieces of evidence, whereby language numbers and pre-three languages are counted.
Data SplitClaimsLanguagesPre-3 Languages
Train19,07913Portuguese, Indonesian, Arabic
Development253512Portuguese, Indonesian, Arabic
In-domain (Test1)382612Portuguese, Indonesian, Arabic
Out-of-domain (Test2)23684Indonesian, Turkish, Portuguese
Zero-shot (Test3)338112Albanian, Bengali, Russian
Table 2. Average F1 scores (standard deviations) evaluated in the experiences.
Table 2. Average F1 scores (standard deviations) evaluated in the experiences.
Set
Splitting
−Meta Data Augmentation+Meta Data Augmentation
MajorityClaim-OnlyAttn-EAGraph-EAClaim-OnlyAtten-EAGraph-EAOurs
Train7.0 (-)38.0 (0.8)40.2 (0.4)38.9 (0.2)39.8 (0.8)42.6 (1.1)40.1 (0.9)44.2 (1.2)
Dev11.2 (-)38.7 (0.6)40.6 (0.7)39.7 (0.5)39.6 (0.6)42.0 (0.4)40.0 (0.4)42.9 (0.6)
Test16.9 (-)38.2 (0.9)38.9 (0.2)38.0 (0.9)39.4 (0.9)41.9 (1.2)39.2 (1.0)42.1 (0.7)
Test210.6 (-)16.2 (0.9)15.7 (0.1)16.0 (0.9)15.4 (0.8)15.4 (1.5)15.6 (1.2)17.3 (1.9)
Test37.6 (-)14.7 (0.6)16.5 (0.7)13.7 (0.6)16.7 (1.1)16.0 (0.3)15.0 (0.6)19.0 (1.1)
Table 3. Results of the ablation test of our PEINet on each test. For the sake of brevity, the corresponding acronym abbreviation is adopted to indicate modules or layers.
Table 3. Results of the ablation test of our PEINet on each test. For the sake of brevity, the corresponding acronym abbreviation is adopted to indicate modules or layers.
ModelDevTest1Test2Test3
Ours42.942.117.319.1
-UnifiedLossLayer39.239.016.315.9
-FEATModule36.436.115.913.8
-PCVModule38.037.915.217.1
-LFEncoder35.939.117.417.8
Table 4. The Micro F1 scores evaluated with the different prompt templates encoded by different languages.
Table 4. The Micro F1 scores evaluated with the different prompt templates encoded by different languages.
Language-SpecialDesigned TemplateDevTest1Test2Test3
EnglishT1(x) = The claim label may be [MASK] [MASK]. x.42.942.117.319.1
T2(x) = Maybe [MASK] [MASK] ! Because of the claim that x.42.541.515.315.8
PortugueseT1(x) = O rótulo da reivindicação pode ser [MÁSCARA] [MÁSCARA]. x.40.340.515.812.8
T2(x) = Talvez [MÁSCARA] [MÁSCARA] ! Por causa da alegação de que x.40.140.416.012.9
IndonesianT1(x) = Label klaim mungkin [MASK] [MASK]. x.40.040.117.515.3
T2(x) = Mungkin [MASK] [MASK] ! Karena klaim bahwa x.40.440.217.616.3
Null-PromptT(x) = [MASK] [MASK]. x41.143.417.414.1
Table 5. The Micro F1 values on the different multi-head attention aggregators with different recursive layers (%).
Table 5. The Micro F1 values on the different multi-head attention aggregators with different recursive layers (%).
Recursive
Layers
8-Head Attention Aggregator16-Head Attention Aggregator
DevTest1Test2Test3DevTest1Test2Test3
036.436.115.913.836.436.115.913.8
142.639.116.918.136.537.516.619.0
242.942.117.319.140.438.916.715.5
342.838.015.217.140.636.616.015.5
Table 6. Performance analysis of different pre-trained multilingual models.
Table 6. Performance analysis of different pre-trained multilingual models.
Multilingual Model
(BASE)
DevTest1Test2Test3
DistilBERT38.8 (0.7)36.1 (0.7)16.4 (1.8)17.5 (1.0)
XLM-Roberta40.9 (0.6)39.9 (1.0)17.4 (1.8)17.9 (1.2)
mBERT42.9 (0.6)42.1 (0.7)17.3 (1.9)19.0 (1.1)
Table 7. Experiments of quantitative improvement with the multi-task loss. Results are shown from the three test sets.
Table 7. Experiments of quantitative improvement with the multi-task loss. Results are shown from the three test sets.
Loss CalculationTask WeightsAverage Micro F1 Scores
λ prompt λ rgat Test1Test2Test3
Prompt weight only1.00.036.015.213.9
RGAT weight only0.01.038.015.817.2
Unweighted sum of losses0.50.539.016.315.9
Approx. optimal weights0.110.8942.017.119.1
Table 8. Performance comparison analysis of different models with the augmenting data and original data.
Table 8. Performance comparison analysis of different models with the augmenting data and original data.
ModelTest1Test2Test3
X-FACT
Claim-Only + Meta39.4 (0.9)15.4 (0.8)16.7 (1.1)
Attn-EA + Meta41.9 (1.2)15.4 (1.5)16.0 (0.3)
PEINet42.1 (0.7)17.3 (1.9)19.0 (1.1)
X-FACT + ENGLISH
Claim-Only + Meta37.1 (2.7)14.5 (0.5)14.4 (0.3)
Attn-EA + Meta38.0 (4.5)14.7 (2.6)14.3 (1.9)
PEINet38.1 (4.9)17.0 (2.5)16.4 (1.3)
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Li, X.; Wang, W.; Fang, J.; Jin, L.; Kang, H.; Liu, C. PEINet: Joint Prompt and Evidence Inference Network via Language Family Policy for Zero-Shot Multilingual Fact Checking. Appl. Sci. 2022, 12, 9688. https://doi.org/10.3390/app12199688

AMA Style

Li X, Wang W, Fang J, Jin L, Kang H, Liu C. PEINet: Joint Prompt and Evidence Inference Network via Language Family Policy for Zero-Shot Multilingual Fact Checking. Applied Sciences. 2022; 12(19):9688. https://doi.org/10.3390/app12199688

Chicago/Turabian Style

Li, Xiaoyu, Weihong Wang, Jifei Fang, Li Jin, Hankun Kang, and Chunbo Liu. 2022. "PEINet: Joint Prompt and Evidence Inference Network via Language Family Policy for Zero-Shot Multilingual Fact Checking" Applied Sciences 12, no. 19: 9688. https://doi.org/10.3390/app12199688

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

Article Metrics

Back to TopTop