Next Article in Journal
State of Health (SOH) Estimation of Lithium-Ion Batteries Based on ABC-BiGRU
Next Article in Special Issue
Exhaustive Study into Machine Learning and Deep Learning Methods for Multilingual Cyberbullying Detection in Bangla and Chittagonian Texts
Previous Article in Journal
Reconfigurable Low-Power CMOS Amplifier Stages for Broadband Impedance Spectroscopy
Previous Article in Special Issue
Key Information Extraction for Crime Investigation by Hybrid Classification Model
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Explaining Misinformation Detection Using Large Language Models

by
Vishnu S. Pendyala
1,*,† and
Christopher E. Hall
2,†
1
Department of Applied Data Science, San Jose State University, San Jose, CA 95192, USA
2
Department of Computer Science, San Jose State University, San Jose, CA 95192, USA
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Electronics 2024, 13(9), 1673; https://doi.org/10.3390/electronics13091673
Submission received: 1 April 2024 / Revised: 23 April 2024 / Accepted: 23 April 2024 / Published: 26 April 2024
(This article belongs to the Special Issue Advanced Natural Language Processing Technology and Applications)

Abstract

:
Large language models (LLMs) are a compressed repository of a vast corpus of valuable information on which they are trained. Therefore, this work hypothesizes that LLMs such as Llama, Orca, Falcon, and Mistral can be used for misinformation detection by making them cross-check new information with the repository on which they are trained. Accordingly, this paper describes the findings from the investigation of the abilities of LLMs in detecting misinformation on multiple datasets. The results are interpreted using explainable AI techniques such as Local Interpretable Model-Agnostic Explanations (LIME), SHapley Additive exPlanations (SHAP), and Integrated Gradients. The LLMs themselves are also asked to explain their classification. These complementary approaches aid in better understanding the inner workings of misinformation detection using LLMs and lead to conclusions about their effectiveness at the task. The methodology is generic and nothing specific is assumed for any of the LLMs, so the conclusions apply generally. Primarily, when it comes to misinformation detection, the experiments show that the LLMs are limited by the data on which they are trained.

1. Introduction

Large language models (LLMs) are known to hallucinate and produce misinformation. This work hypothesizes that the same LLMs can be used to detect misinformation. In this paper, several LLMs are compared for their ability to detect misinformation, while interpreting the results using explainable AI techniques such as LIME, SHAP, and Integrated Gradients.
With their high level of Natural Language Understanding, LLMs have proven to be exceptionally versatile and able to accomplish many tasks without fine-tuning gradient updates [1]. Despite these strengths, LLMs are prone to hallucinations and exploitation, sometimes producing output ranging from wrong to offensive to nonsensical. Yet, LLMs also have a track record of being applied to various tasks, ranging from translation to question answering, and setting new records on these benchmarks [1]. Therefore, in this paper, the idea of explaining the behavior of LLMs in detecting misinformation is explored. Specifically, the following questions are investigated:
  • RQ1: How do various large language models (LLMs) compare when detecting misinformation?
  • RQ2: Why do the LLMs differ in their abilities to detect misinformation from an explainability perspective?
Depending merely on machine learning evaluation metrics such as accuracy, precision, and recall to rely on the model’s performance can be misleading [2]. It is important to corroborate the results using explainable AI techniques. This work therefore uses LIME, SHAP, and Integrated Gradients to assess the LLMs’ performance in detecting misinformation.

1.1. Related Work

Misinformation containment has been investigated extensively and significant successes using machine learning have been claimed despite the problem being largely unsolved [3]. A spectral analysis of the embeddings generated by language models revealed interesting insights into why the problem is still unsolved [4]. There are numerous online datasets, including the classic LIAR [5] dataset and more recent datasets such as the COVID-19 dataset [6]. This paper uses both datasets for the experiments. The work that published the LIAR dataset [5] used a hybrid CNN for misinformation detection. On the other hand, the research corresponding to the COVID-19 dataset [6] used several traditional machine learning approaches such as Decision Tree, Logistic Regression, Gradient Boosting, and Support Vector Machine (SVM). More recent approaches [7] have integrated newer technologies, including the use of pre-trained transformers such as BERT [8] and XLNet [9].
There seems to be substantial work conducted to mitigate the LLM hallucinations [10] but there is hardly any work on the use of large language models for misinformation detection when compared with the use of smaller language models. A recent work to utilize ChatGPT 3.5 to classify multi-modal misinformation in a binary context [11] mentioned that it was limited in the scope of its study. It uses only a small sample size. Recent work has attempted to use ChatGPT 3.5 on misinformation datasets in Chinese and English [12], noting that even when given Chain of Thought (CoT) prompts, ChatGPT underperformed in fine-tuning small language models.
Moreover, these works focus only on ChatGPT. While certainly one of the most accessible LLMs today, ChatGPT is by no means the only LLM available. Other LLMs include Microsoft’s Orca, Google’s PaLM and Gemini, Meta’s LLaMa family [13], the Falcon family [14], as well as Mistral [15], among many others. On relevant benchmarks, including TruthfulQA [16], several of these LLMs perform similarly to GPT4 when compared using HuggingFace’s Open LLM leaderboard [17]. The existing literature therefore prompts discussion on how the various LLMs perform when used for the task of misinformation detection and classification, leading to the research questions listed earlier.
For better understanding, there is also a need to analyze the performance of the LLMs in this domain using explainable AI (XAI). Explainability in AI has been a fundamental issue for a long time. Numerous methods such as feature ablation [18], LIME [19], Integrated Gradients [20], and SHAP [21] have been proposed to provide explanations for the machine learning models’ behavior. Perturbation-based methods, such as LIME and SHAP, adjust model inputs to determine which are most responsible for the output. Meanwhile, gradient-based approaches, such as Integrated Gradients, attempt to use gradients reflecting how fast the models’ outputs change to indicate which input features are most responsible for the output.
OpenAI has explored the possibility of using ChatGPT to explain its neurons [22] and the role they play in generating outputs. A literature survey did not reveal a substantial amount of literature on using traditional explainability techniques such as LIME and SHAP on LLMs.

1.2. Contribution of the Paper

LLMs hold a huge potential to play an important role in various aspects of day-to-day life. This work hypothesizes that in the future, they will play a major role in misinformation containment as well. The work presented in this paper, to the best of our knowledge, is unique in assessing and using explainable AI techniques and interpreting the performance of LLMs in detecting misinformation. The findings are interesting and segue into an important application domain for LLMs—that of misinformation containment.

2. Materials and Methods

The first and second research questions have been addressed, respectively, using the quantitative and qualitative methods described in the next few paragraphs. The second question is addressed using a qualitative approach due to the nature of the explainability problem. Explainability algorithms can quantitatively emphasize certain attributes in the input features that the models focus on, but human interpretations of those highlighted aspects are qualitative.
The approach primarily comprises prompting LLMs to classify information in datasets as true or false or a degree between the two. The datasets already contain the correct classifications. The accuracy of the LLMs in detecting misinformation can be computed by comparing the predicted and correct classifications, similar to how it is performed in machine learning classification projects. The predicted classifications are then explained using post hoc explainability methods, LIME, SHAP, and Integrated Gradients. LLMs are also asked to explain their classifications. The explanations from the LLMs and the post hoc explainability methods are compared to understand the LLM behavior when it comes to misinformation detection. The flow schematic is described in Figure 1.
Concerning the methods used, two overtures are in order. Deep learning models normally use high-precision data types, such as 32-bit floating-point numbers, abbreviated as float32, to store and compute their weights and activations. To reduce the memory footprint and improve the inferencing speed, a technique called quantization is typically used. The technique converts float32 parameters into a lower-precision format such as 8-bit integers (int8) or 4-bit integers (int4). Using fewer bits to store the parameters significantly reduces the memory needed to store and run the model. Therefore, unless otherwise stated, 4-bit float (fp4) quantization was used for all the experiments detailed in this paper to reduce our models’ memory footprint and allow the experiments to run efficiently on a single GPU.
Normally, LLMs pick the next word based on the probabilities assigned by the model. This is the basis for the technique called sampling. It makes the process stochastic and the outputs probabilistic. This implies that different outputs are generated each time the model is run. If sampling is not used, the LLM chooses the next word according to its internal understanding. This is a greedy approach as the LLM algorithm picks the most optimal option at each step, without regard to the long-term consequences. In this greedy approach, since the model is not making random choices, the outputs generated for a given prompt are the same even when asked multiple times. For the experiments described in this paper, unless stated otherwise, the models were made to generate text without sampling, equivalent to greedy decoding, so that deterministic outputs are produced.

2.1. Quantitative Experiments

For the first research question, the misinformation detection capabilities of Mistral [15], Llama2 [13], Microsoft’s fine-tuned Orca version [23], and Falcon [14] were explored. Prompting in the context of large language models (LLMs) is the process by which we give instructions to the model to carry out a particular task. Zero-shot and few-shot prompting are two popular methods for guiding LLMs. Zero-shot prompting involves giving the LLM precise directions without providing any examples of how the work should be accomplished. This method depends on the LLM’s capacity to comprehend instructions, adhere to them, and use its internal knowledge to finish the task. On the other hand, few-shot prompting is analogous to setting an example for the LLM. This method is akin to providing the LLM with a few examples to demonstrate the desired outcome. The LLM is given a prompt that describes the work and the intended result, as well as a limited number of examples, usually one to five, that show them how to perform the task. These illustrations aid in the LLM’s understanding of the task’s subtleties and increase the precision of its outputs.
The experiments used both zero-shot and few-shot prompting strategies to obtain a more holistic view of model performance. Few-shot examples were sampled randomly from the corresponding dataset for LLM’s comprehension. These samples were excluded from the dataset used to evaluate the model’s accuracy. The algorithm for evaluating each model’s accuracy is detailed in Algorithm 1. Accuracy is computed as follows:
A c c u r a c y = n u m b e r o f s a m p l e s c o r r e c t l y c l a s s i f i e d b y t h e L L M ( S i z e o f t h e d a t a s e t n u m b e r o f s a m p l e s u s e d a s f e w s h o t s
Algorithm 1 LLM performance evaluation
i 0
c o r r e c t 0
while  i | D a t a s e t |  do▹ For each sample in the dataset
    if  i E x a m p l e s  then▹ If it is not in the few-shot examples used
             g e n e r a t i o n m o d e l . g e n e r a t e ( D a t a s e t [ i ] ) ▹ Generate the classification
            if  g e n e r a t i o n = D a t a s e t [ i ] [ l a b e l ]  then
▹ If the label matches what is in the dataset
                    c o r r e c t c o r r e c t + 1
▹ Increment the number of correctly classified samples
            end if
    end if
     i i + 1 ▹ Proceed to the next sample
end while
a c c u r a c y c o r r e c t ÷ ( | D a t a s e t | | E x a m p l e s | )
▹ In the denominator, subtract the samples used as few-shots from the size of the dataset
In addition to the accuracy, the F1-score, Matthew’s correlation coefficient (MCC), and Cohen’s Kappa score [24] were also computed for all the experiments. These metrics are generally considered to be effective even for imbalanced datasets. MCC is particularly recommended for binary classification in all scientific domains [25].
Matthew’s correlation coefficient, MCC, is given by the following formula:
MCC = ( TP · TN FP · FN ) ( TP + FP ) · ( TP + FN ) · ( TN + FP ) · ( TN + FN )
where ( TP ) is True Positive; ( TN ) is True Negative; ( FP ) is False Positive; and ( FN ) is False Negative.
A comprehensive set of metrics and results is tabulated in Appendix B.

2.2. Misinformation Detection in the COVID-19 Dataset

The COVID-19 dataset [6] used for the first set of experiments contains 10,700 social media posts and articles related to COVID-19, labeled as real or fake news. The dataset contains conjecture and false information regarding COVID-19 gathered from fact-checking websites, along with actual news from recognized Twitter accounts like those of the CDC and the WHO. The information is manually checked and annotated as authentic or fraudulent. There are 52.34% actual news and 47.66% fake news samples in the dataset, making it a fairly balanced dataset. Real posts average 31.97 words, whereas false posts average 21.65 words. The total number of terms in the vocabulary is 37,503. Using machine learning models such as SVM, Logistic Regression, Decision Trees, and Gradient Boosting, the authors benchmarked the dataset. On the test set, SVM had the best F1-score of 93.32% for differentiating between fake and authentic news. The algorithm and dataset are available to the public to further study automatically detecting fake news.
For the experiments in this paper, the models were given a multiple-choice question that prompted them to give a binary response as to whether a given claim was true or false.

2.3. Prompting Strategy for the COVID-19 Dataset

Each entry within the dataset contained the following fields:
  • id;
  • tweet;
  • label.
The information snippets in the dataset were truncated to a maximum length of 256 tokens before converting each entry into a prompt in the following format:
Please select the option (A or B) that most closely describes the following claim: {truncated tweet}.
(A) True
(B) False
Choice: (
The reason for the ( at the end of each prompt strategy was to prevent the undesired behavior of models starting a new line and then elaborating on a response without giving a single-letter answer. It was determined that by adding the (, most models responded with a letter answer as the first new token.
No system prompts were prepended to the prompts. For few-shot prompts, the target question was formatted as mentioned above and the examples were similarly provided to the LLM. The few-shot examples contained the single-letter answer for the given example, closing parentheses, and two ending newlines.

2.4. Accuracy Computation for the COVID-19 Dataset

The performance of the models is summarized in Table 1 and Table 2. The former lists the accuracy and the latter lists a more exhaustive set of metrics.
Curiously, Mistral outperforms its competitors immensely when it comes to detecting COVID-19-related misinformation. When given 5-shot prompts, Orca performed similarly to Mistral, perhaps because those prompts better establish the context of the problem. However, Orca’s performance on 1-shot and 0-shot prompts is drastically less than Mistral’s. Meanwhile, Falcon’s performance is consistently the lowest, with an average accuracy of 47.16%, less than it would have achieved from randomly guessing. Similarly, the performance of Llama is only slightly better than random chance.

2.5. Misinformation Detection in the LIAR Dataset

Finding the differences in their performance intriguing, the next set of experiments was performed on the LIAR dataset [5]. The LIAR dataset is made up of a set of assertions with labels indicating their veracity. It includes about 12,800 brief quotes taken from the fact-checking website PolitiFact.com about political claims. On a scale ranging from “pants on fire”, which indicates utter falsity, to “true”, each statement is given a label that indicates its degree of veracity. The dataset is accessible to the general public and can be used to train machine learning models that identify false information.
Similarly to how it was conducted with the COVID-19 dataset, each entry is converted into a multiple-choice question for easy grading. However, instead of binary classification, the models were asked to classify the given statement as one of the 6 labels in the LIAR dataset, namely “True”, “Mostly True”, “Half True”, “Barely True”, “False”, and “Pants on Fire”. These labels comprise 16.1%, 19.2%, 20.5%, 16.4%, 19.6%, and 8.2%, respectively, of the dataset. Later, we convert the dataset to the binary labels True and False, which comprise 55.8% and 44.2%, respectively, of the dataset.

2.5.1. Prompt Strategy for the LIAR Dataset

Each entry in the LIAR dataset contained the following fields:
  • id;
  • label;
  • statement;
  • subject;
  • speaker;
  • job_title;
  • state_info;
  • party_affiliation;
  • barely_true_counts;
  • false_counts;
  • half_true_counts;
  • mostly_true_counts;
  • pants_on_fire_counts;
  • context.
Each entry would then be converted into a prompt of the following format:
Please select the option that most closely describes the following claim by {speaker}:
{statement}
A) True
B) Mostly True
C) Half True
D) Barely True
E) False
F) Pants on Fire (absurd lie)
Choice: (

2.5.2. Performance of the LLMs on the LIAR Dataset

Based on its performance on the COVID-19 dataset, Mistral was expected to exhibit a similar stellar performance. Intriguingly, the results proved to be significantly different. All the LLMs perform poorly on the LIAR dataset, barely outperforming random chance. These results appear to contradict the results of prior research in the literature that proved LLMs to be extremely capable of detecting misinformation [11]. Perhaps more surprising is the fact that although 1-shot prompting outperformed zero-shot prompting, 5-shot prompting underperformed both 1-shot prompting and 5-shot prompting. These numbers did not change drastically even when providing the context and party affiliation in our prompts. The results are summarized in Table 3.
A more detailed set of metrics is presented in Table 4.
The distribution of the answers produced by the LLMs is shown in Figure 2. As can be seen from the figure, with the exclusion of Mistral, the answer distributions produced by the LLMs were dominated by only two answers, “B”, for “Mostly True”, and “D”, for “Barely True”. Speculating that this may be due to the LIAR dataset’s scale of True values (“Half True”, “Mostly True”, “Barely True”, “True”) and ambiguity between such labels, the experiments were repeated with binary True and False values, where “True”, “Mostly True”, and “Half True” were counted as “True”, while “Barely True”, “False”, and “Pants on Fire” were counted as “False”. Unfortunately, repeating the experiments with binary options did not yield appreciably better results. The models still barely outperformed random chance on average, as can be observed from Table 5 and Figure 3.
To test whether the LLM settings to produce deterministic outputs were the cause for skewed distributions and poor performance, the experiments were repeated by setting the LLMs for nondeterministic random sampling. While the distributions of the LLM answers were less skewed, the experiment (Table 6) yielded similar results in terms of accuracy, with models failing to perform much better than random chance. Similarly, Table 7 shows that repeating experiments with half-precision 7b models failed to result in any drastic changes in model accuracy overall. This suggests that these poor results are not a random chance, but rather the result of model weights.

3. Interpretation of the Results Using Explainable AI Techniques

Given the poor performance of LLMs on the LIAR dataset, the next set of experiments explores what features LLMs were looking at when they came up with their predictions. While simply prompting an LLM for an answer is an option, we explore using known explainability techniques: Integrated Gradients, LIME, and SHAP.

3.1. Integrated Gradients

Integrated Gradients [20] is an approach that integrates the gradients of each input feature to determine the contribution of each input feature to the model’s output. In the context of the experiments, features, words, and tokens, all refer to the constituents of the prompt. Gradients serve as the attribution scores. As such, the result of integrating the gradients should equal the model’s output, and the difference between the Integrated Gradients and the model’s output with the convergence delta should give a sort of intuition on how accurate the attributions are, as described by the axioms in the original paper [20].
Sundarajan et al. [20] formally defined Integrated Gradients by the following equation: I n t e g r a t e d G r a d s i ( x ) = ( x i x i ) × α = 0 1 F ( x + α × ( x x ) ) x i d α . In the equation, x i represents the input data item and x i is the baseline reference item. Thus, the aim of Integrated Gradients is to comprehend the shift in the model’s output from the baseline (x’) to the actual input (x). To do so, the Integrated Gradients method uses a variable alpha α , which ranges from 0 to 1, to progress along a straight-line path between x’ and x. Along this path, in the core equation, the gradient of the model’s output (f) with respect to the input (x) must be integrated. When proposing Integrated Gradients, Sundararajan et al. [20] also proposed a way to approximate the Integrated Gradients using Reimann sums according to the following equation, which is used in our experiments:
I n t e g r a t e d G r a d s i a p p r o x ( x ) : : = ( x i x i ) × k = 1 m F ( x + k m × ( x x ) ) x i × 1 m

3.2. LIME

Local Interpretable Model-agnostic Explanations [19], abbreviated LIME, is another explainability approach that aims to provide localized interpretations of each feature’s contribution to the model’s output. LIME is a perturbation-based approach that produces an explanation based on the following formula:
E ( x ) = argmin g G L ( f , g , π x ) + Ω ( g )
where G is the family of explanation functions, L is a fidelity function, π x is the input features, Ω is a complexity measure, and f is the function to approximate.
When proposing LIME, Ribiero et. al [19] explored using an approximation model as g, where g is trained to predict the target model’s output (f), based on which input features are removed or masked, thereby approximating how features contribute to the target model’s output as per the above equation. In the experiments for this work, Captum [26] and its implementation of LIME are used.

3.3. SHAP

SHAP [21] is another explainability approach based on the game theory concept of Shapley values, which measure each player’s contribution in a cooperative game. In a machine learning context, this translates to each feature’s contribution to the model’s output. The paper that proposed SHAP also proposed using a fixed-length kernel to approximate Shapley values [21]. The experiments use these approximate Shapley values.

3.4. Setup and Hyperparameters

For the experiments, 150 random samples were selected from the LIAR dataset. They were converted to prompts as described above. Next, the above explainability methods were run on each prompt, using their implementations in Captum library.
The Integrated Gradients method was performed in the embedding space using n_steps = 512, the number of rectangles to use in the Reimann sum approximation of the Integrated Gradients, since smaller numbers of steps lead to greater discrepancies between the Integrated Gradients and the actual model outputs. Using n_steps = 512 was sufficient to consistently reduce the convergence delta, or the difference between the sum of the attributions and the actual model outputs, to less than 10 percentage points. Increasing the number of steps to 1024 and above led to only slightly more accurate approximations at the cost of much more computing power. Therefore, for better efficiencies, all experiments used 512 steps.
LIME and SHAP were each performed with 512 perturbation samples. The approximation model used for LIME was an SKLearnLasso model with α = 0.0003 . Our similarity function for token sequences was the cosine similarity of said sequences in the embedding space. Our perturbation function for LIME masked tokens whose indexes i were sampled from a discrete uniform distribution U ( 1 , n ) , where n is the number of tokens in the tokenized prompt. When the first token was allowed to be masked using the distribution U ( 0 , n ) , model outputs were sometimes NaN. This may be due to the nature of LLM tokenization creating a start token, which was determined to be crucial to maintaining meaningful outputs. The similarity function used for LIME was the cosine distance in the embedding space.

3.5. Interpretation of the Model Performance

Figure 4, Figure 5, Figure 6 and Figure 7 show the output from the explainability algorithms generated for a random sample from the LIAR dataset. The figures compare the results of the different explainability techniques across different models. The figures show the classification that the model produced along with the probability attached to it. For example, Mostly True (0.07) indicates that the probability of outputting “B”, which corresponds to Mostly True, was 0.07, and the highlighted text that goes with it indicates what tokens increased or decreased that probability. The highlighted token’s impact on the overall model output is reflected in the highlight’s intensity.
The importance an LLM attaches to the words in the prompt to arrive at the classification is determined by the highlighting and the color legend. Most of the attributions in the figures seem similar to what humans would highlight if they were to classify the same claims. For instance, in Figure 4, the highlighting using SHAP shows that the LLM’s decision to classify the statement as “B) Mostly True” was positively influenced by the words highlighted in green such as “that most closely describes, Hillary, such lies, ...” and negatively influenced by “claim by, Trump, about, foreign policy, ...” in red. More of such attributions and classifications for other snippets from the dataset can be viewed in Figure A1 in Appendix A.
To aid in the visualization of the contributions of each token, attributions were scaled by a factor of 2 max ( abs ( a t t r i b u t i o n s ) ) . These attributions were then used solely for visualization, and the original attributions were used in the rest of the experiments. Brightnesses of colors, ranging from 0 to 100, were calculated using the Captum package, which calculates intensity as
f ( a , b ) = 50 × attr if attr 0 40 × attr if attr < 0
Consistently, the words Please at the beginning of each prompt and the word Choice at the end of each prompt were found to be important contributors to the model’s output. LIME and Integrated Gradients produced sparser attributions on average, although LIME curiously did not highlight the word Please nearly as often as Integrated Gradients. As can be seen from Table 8, out of the three explainability methods used, SHAP by far produced the most varied attributions. This is confirmed by the fact that words besides Choice appeared highlighted far more often than for the other two methods.
Despite these non-intuitive observations, LIME, SHAP, and Integrated Gradients do highlight features, which in this case are words or parts of words, in the prompt that humans would categorize as important. Hot topics, such as “third-trimester abortion” and “illegal aliens”, as well as large quantities, such as “billions” or “millions”, are often labeled as important features by at least one of the explainability methods, as seen in Figure 8, Figure 9, Figure 10 and Figure 11. The speaker and any named entities in the claim are also frequent contributors to model outputs. Similarly, strong actions or verbs within the claims, such as “murder”, are also labeled as important features (Figure 12). More of such information from the dataset is analyzed in Figure A2, Figure A3 and Figure A4 in Appendix A.
The results from the explainability methods do not entirely align with the quantitative results since they suggest that most of the models do focus on the correct aspects of prompts. In other words, these results suggest that LLMs understand the prompts and know what to focus on, but lack the correct knowledge, possibly because the LLMs were not trained on the corresponding facts.
The problem is further examined by analyzing differences in results between models. First, a comparison is made between numerical attribution values, which varied significantly amongst models. Figure 13 shows a summary of the comparison. Falcon showed the least average token-wise importance. This is likely because Falcon showed the lowest level of confidence in its predictions out of the four models that were compared. Confidence is indicated by the probabilities output from the softmax function when the model predicted the next token. It exhibited an average confidence of less than fifty percent for predicting the next token. This clarifies why Falcon has low token-wise importance when using explainability methods like SHAP and Integrated Gradients, whose attributions add up to the model’s prediction. Interestingly, the same trend holds for LIME attributions as well, as visible in Figure 13, even though the attributions are not additive. The opposite holds true as well. Models that were more confident in their results, such as Orca and Mistral, as seen in Figure 13, exhibited higher token-wise importance. Strangely, while Orca’s mean confidence is at least 20 percentage points less than Mistral’s, Orca’s mean LIME token-wise attribution is slightly greater than Mistral’s.
The distribution of the attributions plotted in Figure 14 shows that Falcon’s token-wise importance distribution is highly centered around 0 with a smaller standard deviation when compared to other models. In contrast, Mistral, which performed the best out of the models evaluated, has a different kind of plot. The curve in the plot reveals a token-wise significance distribution with more fluctuations, volatility, and a higher standard deviation. This may be a key factor, from an explainability perspective, why Mistral outperforms its competitors. The distributions in the plot suggest that Mistral prominently uses more tokens in the prompt than its competitors do, thereby allowing it to better respond to the prompt.
The initial plots used for comparisons were based on LIME, SHAP, and Integrated Gradients’ token-wise attributions. However, SHAP and Integrated Gradients attributions are additive and sum to the predicted probability. Therefore, the raw token-wise attributions may not be a fair comparison given the varying levels of confidence exhibited by different models. To account for this, each attribution is scaled by a factor of 1 sum ( a t t r i b u t i o n ) . The scaled graphs showed similar trends, as seen in Figure 15.
The plots reflect token-wise importance for specific entries within the LIAR dataset. The attributions produced by Integrated Gradients, LIME, and SHAP are all highly local. An aggregation of the attributions, despite losing information about local fluctuations, maintains most of the characteristics of the overall distributions. Accordingly, the aggregated scaled attributions are plotted in Figure 16. Notably, Falcon’s distribution curve still has the smallest standard deviation and the highest peak of all the models, confirming suspicions that Falcon does not pay enough attention to most of the tokens to answer prompts with the same accuracy as its peers. In contrast, models that perform better have wider distribution curves.
To determine how well models could explain their predictions, the next step was to compare the results from the explainability methods with explanations from the models themselves. When asked to explain their answers, models frequently pointed to background information regarding the topic and any named entities important to and appearing in the claim. Notably, while the speaker may be highlighted by explainability methods, models rarely cite information specific to the speaker. Perhaps more interestingly, models cited different evidence and provided different levels of detail when supporting their claims. Mistral and Orca’s explanations were on average longer and more detailed than their competitors. Moreover, Mistral and Orca often produced explanations without explicitly being prompted for them. Llama sometimes produced explanations without explicit prompting, and Falcon often required explicit prompting, at which point it would provide the shortest explanations, if any.
Nevertheless, side-by-side comparisons of model explanations (Figure 17) and current explainability algorithms appear to complement each other, as the latter reveals keywords in the text that appear to trigger the models’ world knowledge, which is revealed explicitly in the former. Once again, this suggests that models are capable of focusing on the right words and are only failing to answer correctly because they were trained on insufficient, outdated, or inaccurate information.

4. Discussion

The poor performance of several language models on the LIAR dataset was unexpected. The following paragraphs attempt to suggest conjectures to explain the reason for the models’ poor performance on the LIAR dataset.
One potential reason for the models’ poor performance is the data cutoff date. For LLMs, the data cutoff date is the date after which newer data are not incorporated into the training set. An older data cutoff date leads to outdated knowledge, which could negatively impact the models’ ability to detect misinformation. However, this conjecture is not the only reason. When the experiments were repeated with Google’s recently released Gemma 7b [27], Gemma’s accuracy on the LIAR dataset when evaluated on zero-shot prompts in bfloat16 precision was only 20%, which is roughly equivalent to the accuracies of the other models that were trained with older data cutoff dates.
Another possible conjecture is the difference in the datasets. This conjecture seems more likely than the previous one. When comparing LLM performance on LIAR with LLM performance on the datasets examined by Hu et al. [12] and also the COVID-19 dataset examined in this paper, the models severely underperform on LIAR than on other datasets. However, the datasets examined by Hu et. al [12], which are the Weibo 21 dataset [28] and the Gossip Cop dataset from FakeNewsNet [29], contain samples that are easily identified as information or misinformation by giveaways within the samples themselves, including emotionally charged words and differences in writing styles [12]. Most notably, Nan et al. [28] benchmarked their Weibo 21 dataset with Text CNNs, which achieved an average of over 80% accuracy, and Patwa et al. [6] benchmarked their COVID-19 dataset with SVMs, which outperformed other methods and achieved an average of over 90% accuracy. In contrast, CNNs, which outperformed SVMs on the LIAR dataset, achieved only an average of 27% accuracy on the LIAR dataset. This suggests that the LIAR dataset and the Weibo 21 dataset differ fundamentally in terms of the content of their samples. It also explains the differences in LLM accuracies on the different datasets; in both cases, zero to few-shot LLMs achieved accuracies in the same range as—although slightly less than—those of SLMs trained on the corresponding datasets. Similarly, the work conducted by Caramancion et al. [11] uses self-contained samples taken from social media posts that, like those from FakeNewsNet and Weibo 21, have giveaways within their structure that help LLMs achieve the high accuracy recorded in the paper.
This difference in datasets is interesting theoretically, as it suggests that something is missing in the LIAR dataset, preventing AI models, even LLMs trained on trillions of tokens, from accurately classifying samples based on the given labels. The missing aspect may be the context-specific background knowledge. The finer granularity of six labels versus two used for the classification may also be contributing to the poor performance. LLMs perform well at detecting COVID-19 misinformation, and COVID-19 information is something that LLMs have most likely seen a lot of. Future work may attempt to provide LLMs with the required context, perhaps by using Retrieval Augmented Generation (RAG) or fine-tuning, and assess their performance afterward.
Recent pushes for open-sourcing have led to many LLM companies open-sourcing their weights, and sometimes even open-sourcing the instruction datasets that they were fine-tuned on. Containing trillions of tokens and many terabytes of information, as opposed to the megabytes of tokens found in open-sourced assistant datasets, like OpenAssistant [30], these datasets comprise the majority of the data that models learn from and ultimately recite. Yet, despite trends toward open-sourcing, the datasets used to train these foundation models have not been open-sourced. For example, Touvron et al. [13] describe steps taken to clean, filter, and otherwise preprocess their training corpus. The authors do not reveal what their training corpus comprised. In another instance, Jiang et al. [15] only describe their model architecture but do not disclose the training corpus used for their model. There may be differences within the respective datasets used to train the models compared in this paper, leading to the differences in accuracies between models. There is also a chance that Reinforcement learning from Human Feedback (RLHF) to make models production-ready [31] may result in models being more adept at classifying certain types of misinformation, as the trainers working on RLHF may be more sensitive to certain types of misinformation. This may be another contributing factor to the immense differences in model accuracy on the COVID-19 dataset, especially given Mistral’s extensive guardrails. In future work, it may be interesting to use Mistral’s RLHF process on Llama models and evaluate whether they detect misinformation better afterward.

5. Conclusions

This work presented a quantitative and qualitative comparison of multiple large foundation models’ abilities to detect misinformation. This work also qualitatively inspected the relationship between LLM inputs and outputs to explain the differences in the models’ performance. In doing so, the limits of misinformation detection owing to the composition of datasets were compared. While LLMs alone are not currently capable of effective misinformation containment, augmented LLMs may eventually be part of an ecosystem of checks and cross-checks for misinformation containment. Future work may attempt to similarly benchmark larger models and verify that these trends hold even for larger models.

Author Contributions

Conceptualization, V.S.P.; methodology, V.S.P.; software, C.E.H.; validation, C.E.H. and V.S.P.; formal analysis, V.S.P.; investigation, V.S.P. and C.E.H.; resources, C.E.H.; writing—original draft preparation, V.S.P. and C.E.H.; writing—review and editing, V.S.P.; visualization, C.E.H.; supervision, V.S.P.; project administration, V.S.P. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the Undergraduate Research Opportunity Program (UROP) at San Jose State University.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

The authors declare no conflicts of interest.

Appendix A. Explainability Figures

Below are several explainability figures produced by the experiments.
Figure A1. Explainability results from Integrated Gradients, LIME, and SHAP for Falcon LLM on a few samples from the LIAR dataset.
Figure A1. Explainability results from Integrated Gradients, LIME, and SHAP for Falcon LLM on a few samples from the LIAR dataset.
Electronics 13 01673 g0a1aElectronics 13 01673 g0a1b
Figure A2. Explainability results from Integrated Gradients, LIME, and SHAP for the Llama LLM on a few samples from the LIAR dataset showing the importance of tokens on the LLM’s prediction.
Figure A2. Explainability results from Integrated Gradients, LIME, and SHAP for the Llama LLM on a few samples from the LIAR dataset showing the importance of tokens on the LLM’s prediction.
Electronics 13 01673 g0a2aElectronics 13 01673 g0a2b
Figure A3. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a few samples from the LIAR dataset.
Figure A3. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a few samples from the LIAR dataset.
Electronics 13 01673 g0a3aElectronics 13 01673 g0a3b
Figure A4. Explainability results from Integrated Gradients, LIME, and SHAP for Orca LLM on a few samples from the LIAR dataset.
Figure A4. Explainability results from Integrated Gradients, LIME, and SHAP for Orca LLM on a few samples from the LIAR dataset.
Electronics 13 01673 g0a4aElectronics 13 01673 g0a4b

Appendix B. Multi-Class Classification Metrics

Below is the remainder of the full multi-class classification metrics for the experiments performed in the article. Table 2, Table 4 and Table A1, Table A2 and Table A3, show macro-averages for precision, recall, and F1-score, as well as Matthew’s correlation coefficients (MCCs) and Cohen Kappa scores (Kappa). Table A4, Table A5, Table A6, Table A7 and Table A8 show classwise precision, recall, and F1-score. When precision is undefined, N/A is put in its place and it is assumed to be 0 when calculating averages.
Table A1. Multi-class classification metrics for models run with nondeterministic outputs on the LIAR dataset.
Table A1. Multi-class classification metrics for models run with nondeterministic outputs on the LIAR dataset.
PrecisionRecallF1MCCKappa
0-Shot
Orca0.1780.1720.1420.0100.009
Falcon0.1670.1330.1450.0010.001
Llama0.1780.1780.1170.0170.015
Mistral0.2170.2260.2040.0590.056
1-Shot
Orca0.1830.1840.1710.0220.021
Falcon0.1730.1690.1630.0070.007
Llama0.1910.1870.1460.0230.021
Mistral0.2390.2160.1990.0540.051
5-Shot
Orca0.1880.1950.1150.0270.021
Falcon0.1830.1750.1660.0120.012
Llama0.1610.2040.1000.0240.018
Mistral0.2270.2050.2020.0450.044
Table A2. Multi-class classification metrics for float16-precision models on the LIAR dataset.
Table A2. Multi-class classification metrics for float16-precision models on the LIAR dataset.
PrecisionRecallF1MCCKappa
0-Shot
Orca0.1950.1800.0790.0340.016
Falcon0.1210.1670.1090.0020.001
Llama0.1740.1900.1260.0370.031
Mistral0.2230.2260.1950.0620.057
1-Shot
Orca0.2020.2390.1480.0760.063
Falcon0.2650.2110.1130.0500.039
Llama0.1650.2070.1140.0360.028
Mistral0.2930.2340.2190.0820.078
5-Shot
Orca0.1920.2090.1070.0490.033
Falcon0.0320.1670.0540.0000.000
Llama0.3150.1960.0820.0220.014
Mistral0.2570.2340.2320.0720.071
Table A3. Multi-class classification metrics for models evaluated on the LIAR dataset in a binary classification setting.
Table A3. Multi-class classification metrics for models evaluated on the LIAR dataset in a binary classification setting.
PrecisionRecallF1MCCKappa
0-Shot bool
Orca0.6180.5560.5110.1630.121
Falcon0.4750.4750.436−0.045−0.038
Llama0.5250.5100.4030.0320.019
Mistral0.5840.5810.5670.1650.157
1-Shot bool
Orca0.6200.5090.3880.0670.021
Falcon0.3870.5000.307−0.010−0.000
Llama0.5960.5020.3120.0250.003
Mistral0.5930.5920.5820.1850.179
5-Shot bool
Orca0.5890.5900.5870.1790.178
Falcon0.6000.5270.3930.1040.048
Llama0.5890.5470.4610.1290.085
Mistral0.5870.5870.5870.1750.175
Table A4. Multi-class classification metrics for models run with deterministic outputs on the LIAR dataset. Label A corresponds to “True”, label B corresponds to “Mostly True”, label C corresponds to “Somewhat True”, label D corresponds to “Barely True”, label E corresponds to “False”, and label F corresponds to “Pants on Fire”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
Table A4. Multi-class classification metrics for models run with deterministic outputs on the LIAR dataset. Label A corresponds to “True”, label B corresponds to “Mostly True”, label C corresponds to “Somewhat True”, label D corresponds to “Barely True”, label E corresponds to “False”, and label F corresponds to “Pants on Fire”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
ABCDEF
0-Shot
Orca0.1650.1450.1280.1140.3410.875
0.9750.0210.0040.0020.0190.007
0.2820.0370.0070.0040.0350.013
FalconN/A0.1940.533N/A0.194N/A
0.0000.9170.0030.0000.0860.000
0.0000.3200.0060.0000.1200.000
Llama0.1640.2210.2500.182N/A0.000
0.0570.6110.0020.4550.0000.000
0.0840.3240.0030.2600.0000.000
Mistral0.2370.2030.2430.1680.2370.263
0.4150.3950.0110.0560.2410.264
0.3010.2680.0200.0830.2390.264
1-Shot
Orca0.2340.1960.2220.0000.2570.327
0.1650.8490.0010.0000.0410.085
0.1930.3180.0020.0000.0710.135
FalconN/A0.192N/AN/A0.3330.233
0.0000.9980.0000.0000.0000.007
0.0000.3230.0000.0000.0010.013
Llama0.0000.230N/A0.1200.2060.388
0.0000.2460.0000.0010.8210.054
0.0000.2370.0000.0030.3290.095
Mistral0.2980.2360.2600.1900.2680.352
0.1050.4910.0500.3340.2400.171
0.1550.3190.0840.2420.2530.230
5-Shot
Orca0.2540.3260.1580.0760.2170.093
0.0220.0510.0030.0030.1440.926
0.0400.0880.0070.0060.1730.169
Falcon0.4000.192N/AN/AN/AN/A
0.0010.9990.0000.0000.0000.000
0.0020.3220.0000.0000.0000.000
Llama0.2490.2880.1840.1600.1850.152
0.1260.0930.0030.2910.1430.750
0.1670.1400.0050.2070.1610.253
Mistral0.2140.1960.2020.1870.2850.387
0.4550.3710.0190.0880.2490.127
0.2910.2560.0350.1200.2660.191
Table A5. Multi-class classification metrics for models run with nondeterministic outputs on the LIAR dataset. Label A corresponds to “True”, label B corresponds to “Mostly True”, label C corresponds to “Somewhat True”, label D corresponds to “Barely True”, label E corresponds to “False”, and label F corresponds to “Pants on Fire”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
Table A5. Multi-class classification metrics for models run with nondeterministic outputs on the LIAR dataset. Label A corresponds to “True”, label B corresponds to “Mostly True”, label C corresponds to “Somewhat True”, label D corresponds to “Barely True”, label E corresponds to “False”, and label F corresponds to “Pants on Fire”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
ABCDEF
0-Shot
Orca0.1710.1920.1860.1640.2250.129
0.5670.1780.0750.0790.0610.073
0.2630.1850.1070.1070.0960.094
Falcon0.1620.2010.1990.1700.1930.078
0.0970.2530.1410.0940.1700.043
0.1220.2240.1650.1210.1810.055
Llama0.1630.2060.2920.1770.2330.000
0.1350.5020.0030.4250.0040.000
0.1480.2920.0050.2500.0080.000
Mistral0.2290.2020.2400.1700.2450.214
0.4040.3210.0740.0830.2010.275
0.2920.2480.1130.1120.2210.241
1-Shot
Orca0.1920.2050.1940.1700.2080.126
0.3030.3060.0670.0780.2220.126
0.2350.2450.0990.1070.2150.126
Falcon0.1740.1950.2150.1700.1970.088
0.1290.3710.1760.0840.1740.079
0.1480.2560.1940.1130.1850.083
Llama0.2930.230N/A0.1720.1980.254
0.0060.2900.0000.3890.3640.072
0.0110.2570.0000.2390.2570.113
Mistral0.2950.2290.2240.1800.2360.269
0.0670.4010.0610.3200.2640.183
0.1100.2920.0950.2300.2490.218
5-Shot
Orca0.2150.2500.2510.1180.1910.101
0.0810.0780.0400.0090.1910.771
0.1180.1190.0690.0160.1910.178
Falcon0.1760.1920.2220.1670.2310.111
0.1480.4180.1190.1720.1230.069
0.1610.2630.1550.1700.1610.085
Llama0.2320.2450.0500.1520.1740.113
0.0550.0350.0000.0190.2750.838
0.0890.0620.0010.0330.2130.200
Mistral0.2290.2050.2250.1790.2520.269
0.2720.3640.1460.1650.1970.084
0.2490.2620.1770.1720.2210.128
Table A6. Multi-class classification metrics for float16-precision models on the LIAR dataset. Label A corresponds to “True”, label B corresponds to “Mostly True”, label C corresponds to “Somewhat True”, label D corresponds to “Barely True”, label E corresponds to “False”, and label F corresponds to “Pants on Fire”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
Table A6. Multi-class classification metrics for float16-precision models on the LIAR dataset. Label A corresponds to “True”, label B corresponds to “Mostly True”, label C corresponds to “Somewhat True”, label D corresponds to “Barely True”, label E corresponds to “False”, and label F corresponds to “Pants on Fire”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
ABCDEF
0-Shot
Orca0.1710.1580.2000.0700.2490.321
0.9540.0060.0010.0020.1100.009
0.2900.0120.0020.0040.1520.017
Falcon0.1350.1930.200N/A0.2000.000
0.0050.6750.0970.0000.2230.000
0.0090.3010.1310.0000.2110.000
Llama0.1800.2270.2070.1790.2500.000
0.1580.6130.0070.3630.0010.000
0.1680.3310.0140.2400.0020.000
Mistral0.2400.2080.1960.1600.2380.299
0.3320.4760.0110.0480.2590.232
0.2780.2890.0210.0740.2480.262
1-Shot
Orca0.3180.2260.1430.1110.2550.163
0.0620.6760.0050.0020.1390.551
0.1030.3390.0090.0050.1800.251
FalconN/A0.2581.000N/A0.2280.103
0.0000.3130.0000.0000.1950.760
0.0000.2830.0010.0000.2100.182
Llama0.3060.259N/A0.1150.2040.108
0.0130.2070.0000.0650.1220.835
0.0240.2300.0000.0830.1530.192
Mistral0.3240.2500.2500.2050.2500.479
0.0870.4880.0890.2710.3490.119
0.1370.3310.1310.2330.2910.191
5-Shot
Orca0.2690.2800.2860.0000.2190.099
0.1590.0450.0010.0000.1610.887
0.2000.0780.0020.0000.1860.179
FalconN/A0.192N/AN/AN/AN/A
0.0001.0000.0000.0000.0000.000
0.0000.3220.0000.0000.0000.000
Llama0.2320.2831.0000.1270.1450.102
0.1010.0110.0010.0070.1190.939
0.1410.0220.0020.0130.1310.184
Mistral0.2730.2270.2200.1810.2840.355
0.2760.4010.1200.2440.1780.187
0.2750.2900.1550.2080.2190.245
Table A7. Multi-class classification metrics for models evaluated on the LIAR dataset in a binary classification setting. Label A corresponds to “True” and label B corresponds to “False”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
Table A7. Multi-class classification metrics for models evaluated on the LIAR dataset in a binary classification setting. Label A corresponds to “True” and label B corresponds to “False”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
AB
0-Shot
Orca0.5910.645
0.9130.200
0.7170.305
Falcon0.5230.427
0.2560.694
0.3440.529
Llama0.6020.447
0.1270.893
0.2100.596
Mistral0.6600.508
0.4670.696
0.5470.587
1-Shot
Orca0.5630.677
0.9890.030
0.7170.058
Falcon0.3330.442
0.0000.999
0.0010.612
Llama0.7500.442
0.0050.998
0.0110.613
Mistral0.6660.520
0.5040.680
0.5740.590
5-Shot
Orca0.6490.529
0.5710.609
0.6080.567
Falcon0.7450.456
0.0950.959
0.1680.618
Llama0.7090.469
0.1950.899
0.3050.616
Mistral0.6410.534
0.6070.568
0.6230.550
Table A8. Multi-class classification metrics for models evaluated on the COVID-19 dataset in a binary classification setting. Label A corresponds to “True” and label B corresponds to “False”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
Table A8. Multi-class classification metrics for models evaluated on the COVID-19 dataset in a binary classification setting. Label A corresponds to “True” and label B corresponds to “False”. For each class, precision, recall, and F1-score are displayed in first, second, and third rows, respectively.
AB
0-Shot
Orca0.5690.753
0.9330.224
0.7070.345
Falcon0.5230.406
0.9970.003
0.6860.005
Llama0.6350.565
0.5380.661
0.5820.609
Mistral0.6270.740
0.8600.438
0.7250.550
1-Shot
Orca0.5400.772
0.9770.086
0.6950.155
Falcon0.4250.431
0.2580.616
0.3210.507
Llama0.7420.494
0.1030.961
0.1820.652
Mistral0.6930.682
0.7240.648
0.7080.665
5-Shot
Orca0.6500.734
0.8320.507
0.7300.600
Falcon0.5230.000
1.0000.000
0.6870.000
Llama0.7340.507
0.1780.929
0.2870.656
Mistral0.6690.755
0.8390.544
0.7450.633

References

  1. Brown, T.B.; Mann, B.; Ryder, N.; Subbiah, M.; Kaplan, J.; Dhariwal, P.; Neelakantan, A.; Shyam, P.; Sastry, G.; Askell, A.; et al. Language Models are Few-Shot Learners. arXiv 2020, arXiv:2005.14165. [Google Scholar]
  2. Pendyala, V.; Kim, H. Assessing the Reliability of Machine Learning Models Applied to the Mental Health Domain Using Explainable AI. Electronics 2024, 13, 1025. [Google Scholar] [CrossRef]
  3. Pendyala, V.S. Misinformation Containment Using NLP and Machine Learning: Why the Problem Is Still Unsolved. In Deep Learning Research Applications for Natural Language Processing; IGI Global: Hershey, PA, USA, 2023; pp. 41–56. [Google Scholar]
  4. Pendyala, V.S.; Tabatabaii, F.S.A. Spectral analysis perspective of why misinformation containment is still an unsolved problem. In Proceedings of the 2023 IEEE Conference on Artificial Intelligence (CAI), Santa Clara, CA, USA, 5–6 June 2023; pp. 210–213. [Google Scholar]
  5. Wang, W.Y. “Liar, Liar Pants on Fire”: A New Benchmark Dataset for Fake News Detection. In Proceedings of the 55th Annual Meeting of the Association for Computational Linguistics (Volume 2: Short Papers), Vancouver, BC, Canada, 30 July–4 August 2017; pp. 422–426. [Google Scholar]
  6. 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 Communications in Computer and Information Science; Springer International Publishing: Berlin/Heidelberg, Germany, 2021; pp. 21–29. [Google Scholar] [CrossRef]
  7. Das, S.D.; Basak, A.; Dutta, S. A Heuristic-driven Ensemble Framework for COVID-19 Fake News Detection. arXiv 2021, arXiv:2101.03545. [Google Scholar]
  8. Devlin, J.; Chang, M.W.; Lee, K.; Toutanova, K. BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. arXiv 2019, arXiv:1810.04805. [Google Scholar]
  9. Yang, Z.; Dai, Z.; Yang, Y.; Carbonell, J.; Salakhutdinov, R.; Le, Q.V. XLNet: Generalized Autoregressive Pretraining for Language Understanding. arXiv 2020, arXiv:1906.08237. [Google Scholar]
  10. Tonmoy, S.; Zaman, S.; Jain, V.; Rani, A.; Rawte, V.; Chadha, A.; Das, A. A comprehensive survey of hallucination mitigation techniques in large language models. arXiv 2024, arXiv:2401.01313. [Google Scholar]
  11. Caramancion, K.M. Harnessing the Power of ChatGPT to Decimate Mis/Disinformation: Using ChatGPT for Fake News Detection. In Proceedings of the 2023 IEEE World AI IoT Congress (AIIoT), Seattle, WA, USA, 7–10 June 2023; pp. 0042–0046. [Google Scholar] [CrossRef]
  12. Hu, B.; Sheng, Q.; Cao, J.; Shi, Y.; Li, Y.; Wang, D.; Qi, P. Bad Actor, Good Advisor: Exploring the Role of Large Language Models in Fake News Detection. arXiv 2024, arXiv:2309.12247. [Google Scholar] [CrossRef]
  13. Touvron, H.; Martin, L.; Stone, K.; Albert, P.; Almahairi, A.; Babaei, Y.; Bashlykov, N.; Batra, S.; Bhargava, P.; Bhosale, S.; et al. Llama 2: Open Foundation and Fine-Tuned Chat Models. arXiv 2023, arXiv:2307.09288. [Google Scholar]
  14. Almazrouei, E.; Alobeidli, H.; Alshamsi, A.; Cappelli, A.; Cojocaru, R.; Debbah, M.; Goffinet, É.; Hesslow, D.; Launay, J.; Malartic, Q.; et al. The Falcon Series of Open Language Models. arXiv 2023, arXiv:2311.16867. [Google Scholar]
  15. Jiang, A.Q.; Sablayrolles, A.; Mensch, A.; Bamford, C.; Chaplot, D.S.; de las Casas, D.; Bressand, F.; Lengyel, G.; Lample, G.; Saulnier, L.; et al. Mistral 7B. arXiv 2023, arXiv:2310.06825. [Google Scholar]
  16. Lin, S.; Hilton, J.; Evans, O. TruthfulQA: Measuring How Models Mimic Human Falsehoods. arXiv 2022, arXiv:2109.07958. [Google Scholar]
  17. Beeching, E.; Fourrier, C.; Habib, N.; Han, S.; Lambert, N.; Rajani, N.; Sanseviero, O.; Tunstall, L.; Wolf, T. Open LLM Leaderboard. 2023. Available online: https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard (accessed on 22 April 2024).
  18. Merrick, L. Randomized Ablation Feature Importance. arXiv 2019, arXiv:1910.00174. [Google Scholar]
  19. Ribeiro, M.T.; Singh, S.; Guestrin, C. “Why Should I Trust You?”: Explaining the Predictions of Any Classifier. arXiv 2016, arXiv:1602.04938. [Google Scholar]
  20. Sundararajan, M.; Taly, A.; Yan, Q. Axiomatic Attribution for Deep Networks. arXiv 2017, arXiv:1703.01365. [Google Scholar]
  21. Lundberg, S.; Lee, S.I. A Unified Approach to Interpreting Model Predictions. arXiv 2017, arXiv:1705.07874. [Google Scholar]
  22. Bills, S.; Cammarata, N.; Mossing, D.; Tillman, H.; Gao, L.; Goh, G.; Sutskever, I.; Leike, J.; Wu, J.; Saunders, W. Language Models Can Explain Neurons in Language Models. 2023. Available online: https://openaipublic.blob.core.windows.net/neuron-explainer/paper/index.html (accessed on 22 April 2024).
  23. Mukherjee, S.; Mitra, A.; Jawahar, G.; Agarwal, S.; Palangi, H.; Awadallah, A. Orca: Progressive Learning from Complex Explanation Traces of GPT-4. arXiv 2023, arXiv:2306.02707. [Google Scholar]
  24. Cohen, J. A coefficient of agreement for nominal scales. Educ. Psychol. Meas. 1960, 20, 37–46. [Google Scholar] [CrossRef]
  25. Chicco, D.; Jurman, G. The Matthews correlation coefficient (MCC) should replace the ROC AUC as the standard metric for assessing binary classification. Biodata Min. 2023, 16, 4. [Google Scholar] [CrossRef]
  26. Kokhlikyan, N.; Miglani, V.; Martin, M.; Wang, E.; Alsallakh, B.; Reynolds, J.; Melnikov, A.; Kliushkina, N.; Araya, C.; Yan, S.; et al. Captum: A unified and generic model interpretability library for PyTorch. arXiv 2020, arXiv:2009.07896. [Google Scholar]
  27. Mesnard, T.; Hardin, C.; Dadashi, R.; Bhupatiraju, S.; Sifre, L.; Rivière, M.; Kale, M.S.; Love, J.; Tafti, P.; Hussenot, L.; et al. Gemma. 2024. Available online: https://www.kaggle.com/models/google/gemma (accessed on 22 April 2024).
  28. Nan, Q.; Cao, J.; Zhu, Y.; Wang, Y.; Li, J. MDFEND: Multi-domain Fake News Detection. In Proceedings of the 30th ACM International Conference on Information & Knowledge Management, New York, NY, USA, 1–5 November 2021; pp. 3343–3347. [Google Scholar] [CrossRef]
  29. Shu, K.; Mahudeswaran, D.; Wang, S.; Lee, D.; Liu, H. FakeNewsNet: A Data Repository with News Content, Social Context and Dynamic Information for Studying Fake News on Social Media. arXiv 2018, arXiv:1809.01286. [Google Scholar] [CrossRef]
  30. Köpf, A.; Kilcher, Y.; von Rütte, D.; Anagnostidis, S.; Tam, Z.R.; Stevens, K.; Barhoum, A.; Duc, N.M.; Stanley, O.; Nagyfi, R.; et al. OpenAssistant Conversations—Democratizing Large Language Model Alignment. arXiv 2023, arXiv:2304.07327. [Google Scholar]
  31. Ouyang, L.; Wu, J.; Jiang, X.; Almeida, D.; Wainwright, C.L.; Mishkin, P.; Zhang, C.; Agarwal, S.; Slama, K.; Ray, A.; et al. Training language models to follow instructions with human feedback. arXiv 2022, arXiv:2203.02155. [Google Scholar]
Figure 1. The approach used for answering the research questions.
Figure 1. The approach used for answering the research questions.
Electronics 13 01673 g001
Figure 2. Zero-shot answer distribution for Falcon, Mistral, Llama, and Orca. A corresponds to True, B to Mostly True, C to Half True, D to Barely True, E to False, F to Pants on Fire, and UNK to an answer that fell into none of the above categories. Falcon’s answers are highly skewed toward B (Mostly True). Mistral exhibited the most diverse answer distribution, which may be why it was more accurate than other models. Llama’s answers are highly skewed toward B (Mostly True) and D (Barely True). Orca is highly biased toward A (True).
Figure 2. Zero-shot answer distribution for Falcon, Mistral, Llama, and Orca. A corresponds to True, B to Mostly True, C to Half True, D to Barely True, E to False, F to Pants on Fire, and UNK to an answer that fell into none of the above categories. Falcon’s answers are highly skewed toward B (Mostly True). Mistral exhibited the most diverse answer distribution, which may be why it was more accurate than other models. Llama’s answers are highly skewed toward B (Mostly True) and D (Barely True). Orca is highly biased toward A (True).
Electronics 13 01673 g002
Figure 3. Models’ deterministic 0-shot answer distribution for LIAR with binary truth values. While we expected the distributions to look much closer to a uniform distribution, the models continue to produce skewed distributions. Orca’s distribution continues to be skewed toward A (True), while Llama’s distribution is skewed toward B (False). While Falcon’s normal 0-shot distribution is skewed toward Mostly True, its binary distribution is skewed toward B (False). Some of the answers are neither A nor B, so are categorized as UNK.
Figure 3. Models’ deterministic 0-shot answer distribution for LIAR with binary truth values. While we expected the distributions to look much closer to a uniform distribution, the models continue to produce skewed distributions. Orca’s distribution continues to be skewed toward A (True), while Llama’s distribution is skewed toward B (False). While Falcon’s normal 0-shot distribution is skewed toward Mostly True, its binary distribution is skewed toward B (False). Some of the answers are neither A nor B, so are categorized as UNK.
Electronics 13 01673 g003
Figure 4. Explainability results from Integrated Gradients, LIME, and SHAP for Falcon LLM on a sample from the LIAR dataset.
Figure 4. Explainability results from Integrated Gradients, LIME, and SHAP for Falcon LLM on a sample from the LIAR dataset.
Electronics 13 01673 g004
Figure 5. Explainability results from Integrated Gradients, LIME, and SHAP for Orca LLM on a sample from the LIAR dataset.
Figure 5. Explainability results from Integrated Gradients, LIME, and SHAP for Orca LLM on a sample from the LIAR dataset.
Electronics 13 01673 g005
Figure 6. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a sample from the LIAR dataset.
Figure 6. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a sample from the LIAR dataset.
Electronics 13 01673 g006
Figure 7. Explainability results from Integrated Gradients, LIME, and SHAP for the Llama LLM on a sample from the LIAR dataset.
Figure 7. Explainability results from Integrated Gradients, LIME, and SHAP for the Llama LLM on a sample from the LIAR dataset.
Electronics 13 01673 g007
Figure 8. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a sample from the LIAR dataset showing how important the hot topic of “federal military spending” is for the LLM’s prediction.
Figure 8. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a sample from the LIAR dataset showing how important the hot topic of “federal military spending” is for the LLM’s prediction.
Electronics 13 01673 g008
Figure 9. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a sample from the LIAR dataset showing how important the hot topic of “illegal aliens” is for the LLM’s prediction.
Figure 9. Explainability results from Integrated Gradients, LIME, and SHAP for the Mistral LLM on a sample from the LIAR dataset showing how important the hot topic of “illegal aliens” is for the LLM’s prediction.
Electronics 13 01673 g009
Figure 10. Explainability results from Integrated Gradients, LIME, and SHAP for the Llama LLM on a sample from the LIAR dataset showing the importance of large quantities, like “millions” on the LLM’s prediction.
Figure 10. Explainability results from Integrated Gradients, LIME, and SHAP for the Llama LLM on a sample from the LIAR dataset showing the importance of large quantities, like “millions” on the LLM’s prediction.
Electronics 13 01673 g010
Figure 11. Explainability results for Mistral LLM showing the importance of controversial issues such as “third-trimester abortion”.
Figure 11. Explainability results for Mistral LLM showing the importance of controversial issues such as “third-trimester abortion”.
Electronics 13 01673 g011
Figure 12. Explainability results for Mistral LLM showing the importance of words that hint at controversial associations, such as “percent”, “murders”, and “illegal aliens”.
Figure 12. Explainability results for Mistral LLM showing the importance of words that hint at controversial associations, such as “percent”, “murders”, and “illegal aliens”.
Electronics 13 01673 g012
Figure 13. Mean confidence and LIME mean attributions. Mistral’s mean confidence was the highest, which explains why its token-wise Integrated Gradients and SHAP attribution scores were the greatest. The converse applies to Falcon. Notably, the relative distribution of LIME token-wise attribution scores roughly matches that of the model confidences.
Figure 13. Mean confidence and LIME mean attributions. Mistral’s mean confidence was the highest, which explains why its token-wise Integrated Gradients and SHAP attribution scores were the greatest. The converse applies to Falcon. Notably, the relative distribution of LIME token-wise attribution scores roughly matches that of the model confidences.
Electronics 13 01673 g013
Figure 14. Integrated Gradients distributions pre-scaling on a random sample from the LIAR dataset. Falcon’s distribution is highly centered around 0, while other models exhibit wider distributions.
Figure 14. Integrated Gradients distributions pre-scaling on a random sample from the LIAR dataset. Falcon’s distribution is highly centered around 0, while other models exhibit wider distributions.
Electronics 13 01673 g014
Figure 15. Distributions from the Integrated Gradients after scaling on the same random sample from the LIAR dataset. Even after accounting for scaling differences, Falcon’s distribution still has the tallest peak out of the models we compared, suggesting that most tokens do not impact Falcon’s output.
Figure 15. Distributions from the Integrated Gradients after scaling on the same random sample from the LIAR dataset. Even after accounting for scaling differences, Falcon’s distribution still has the tallest peak out of the models we compared, suggesting that most tokens do not impact Falcon’s output.
Electronics 13 01673 g015
Figure 16. Aggregated scaled Integrated Gradients attributions, aggregated LIME attributions, and aggregated scaled SHAP attributions. On the given subset of the dataset examined, the explainability methods revealed that Falcon consistently ignores many tokens compared to its competitors, potentially leading to its poor performance. All the explainability methods reveal that Falcon’s distribution curve is the least wide, although it is much clearer from LIME and Integrated Gradients than it is from SHAP.
Figure 16. Aggregated scaled Integrated Gradients attributions, aggregated LIME attributions, and aggregated scaled SHAP attributions. On the given subset of the dataset examined, the explainability methods revealed that Falcon consistently ignores many tokens compared to its competitors, potentially leading to its poor performance. All the explainability methods reveal that Falcon’s distribution curve is the least wide, although it is much clearer from LIME and Integrated Gradients than it is from SHAP.
Electronics 13 01673 g016aElectronics 13 01673 g016b
Figure 17. LIME outputs and LLaMa explanations. LLaMa cites background evidence related to the topics and words that LIME highlighted, suggesting that the models understand the prompts but may fail to respond correctly due to incorrect or outdated background knowledge.
Figure 17. LIME outputs and LLaMa explanations. LLaMa cites background evidence related to the topics and words that LIME highlighted, suggesting that the models understand the prompts but may fail to respond correctly due to incorrect or outdated background knowledge.
Electronics 13 01673 g017
Table 1. Model performance on the COVID-19 dataset.
Table 1. Model performance on the COVID-19 dataset.
LLama2-7bFalcon-7bMistral-7bOrca-7bAvg
Zero-Shot58.15%49.72%80.75%60.50%62.28
1-Shot54.10%39.44%82.01%57.60%58.29
5-Shot57.35%52.33%83.04%80.69%68.35
Table 2. Multi-class classification metrics for models evaluated on the COVID-19 dataset in a binary classification setting.
Table 2. Multi-class classification metrics for models evaluated on the COVID-19 dataset in a binary classification setting.
PrecisionRecallF1MCCKappa
0-Shot COVID
Orca0.6610.5780.5260.2250.162
Falcon0.4650.5000.346−0.008−0.001
Llama0.6000.5990.5960.1990.197
Mistral0.6840.6490.6380.3310.303
1-Shot COVID
Orca0.6560.5310.4250.1400.065
Falcon0.4280.4370.414−0.135−0.123
Llama0.6180.5320.4170.1230.061
Mistral0.6880.6860.6870.3740.373
5-Shot COVID
Orca0.6920.6700.6650.3610.344
Falcon0.2620.5000.344−0.009−0.000
Llama0.6210.5540.4720.1610.104
Mistral0.7120.6920.6890.4040.389
Table 3. Model accuracy on the LIAR dataset.
Table 3. Model accuracy on the LIAR dataset.
Llama2-7bFalcon-7bMistral-7bOrca-7bAvg
Zero-Shot20.15%19.36%22.20%16.61%19.58
1-Shot21.46%19.21%22.84%20.83%21.01
5-Shot17.72%19.12%22.53%12.08%17.86
Table 4. Multi-class classification metrics for models run with deterministic outputs on the LIAR dataset.
Table 4. Multi-class classification metrics for models run with deterministic outputs on the LIAR dataset.
PrecisionRecallF1MCCKappa
0-Shot
Orca0.2950.1710.0630.0140.005
Falcon0.1540.1680.0740.0050.002
Llama0.1360.1870.1120.0340.028
Mistral0.2250.2300.1960.0630.059
1-Shot
Orca0.2060.1900.1200.0380.023
Falcon0.1260.1680.0560.0090.001
Llama0.1570.1870.1110.0360.024
Mistral0.2670.2320.2140.0760.071
5-Shot
Orca0.1870.1920.0810.0320.018
Falcon0.0990.1670.0540.0000.000
Llama0.2030.2340.1560.0500.045
Mistral0.2450.2180.1930.0580.054
Table 5. LLM performance on the LIAR dataset with binary response. Percentages reflect the accuracy obtained by each model.
Table 5. LLM performance on the LIAR dataset with binary response. Percentages reflect the accuracy obtained by each model.
Llama2-7bFalcon-7bMistral-7bOrca-7bAvg
Zero-Shot46.53%44.98%56.95%59.78%52.06
1-Shot44.39%44.15%58.22%56.53%50.82
5-Shot50.53%47.51%59.10%58.71%53.96
Table 6. Model accuracies with nondeterministic sampling using the original 6 labels from the LIAR dataset. The accuracies are not significantly better than those of Table 3.
Table 6. Model accuracies with nondeterministic sampling using the original 6 labels from the LIAR dataset. The accuracies are not significantly better than those of Table 3.
Llama-2-7bFalcon-7bMistral-7bOrca-7bAvg
Zero-Shot18.9214.7821.7317.2618.17
1 Shot19.7818.4221.9718.8119.74
5-Shot14.1018.7021.6413.8017.06
Table 7. Model accuracies when models were evaluated in bfloat16 mode using the original 6 labels from the LIAR dataset. The accuracies are only slightly better than those of Table 3.
Table 7. Model accuracies when models were evaluated in bfloat16 mode using the original 6 labels from the LIAR dataset. The accuracies are only slightly better than those of Table 3.
Llama-2-7bFalcon-7bMistral-7bOrca-7bAvg
Zero-Shot20.4319.4422.4617.7220.01
1 Shot14.4616.0424.8321.3419.17
5-Shot11.9819.2123.6113.8517.16
Table 8. The average minimum percentage of tokens whose attributions’ magnitudes sum to 85% of the total attribution’s magnitude. IG and LIME on average require fewer tokens to reach 85% of the total attribution’s sum, meaning that they highlight more sparingly than SHAP.
Table 8. The average minimum percentage of tokens whose attributions’ magnitudes sum to 85% of the total attribution’s magnitude. IG and LIME on average require fewer tokens to reach 85% of the total attribution’s sum, meaning that they highlight more sparingly than SHAP.
Experiment TypeLlama-2-7b-chat-hfOrca-2-7bFalcon-7b-InstructMistral-7B-Instruct-v0.2Average
IG45.5%46.6%47.0%51.2%47.6%
LIME43.8%46.2%29.0%42.4%40.3%
SHAP55.4%55.1%55.9%57.5%56.0%
Average47.5%48.0%44.7%50.5%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Pendyala, V.S.; Hall, C.E. Explaining Misinformation Detection Using Large Language Models. Electronics 2024, 13, 1673. https://doi.org/10.3390/electronics13091673

AMA Style

Pendyala VS, Hall CE. Explaining Misinformation Detection Using Large Language Models. Electronics. 2024; 13(9):1673. https://doi.org/10.3390/electronics13091673

Chicago/Turabian Style

Pendyala, Vishnu S., and Christopher E. Hall. 2024. "Explaining Misinformation Detection Using Large Language Models" Electronics 13, no. 9: 1673. https://doi.org/10.3390/electronics13091673

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