AnnoLLM: Making Large Language Models to Be Better
Crowdsourced Annotators
Abstract
Many natural language processing (NLP) tasks rely on labeled data to train machine learning models with high performance. However, data annotation is time-consuming and expensive, especially when the task involves a large amount of data or requires specialized domains. Recently, GPT-3.5 series models have demonstrated remarkable few-shot and zero-shot ability across various NLP tasks. In this paper, we first claim that large language models (LLMs), such as GPT-3.5, can serve as an excellent crowdsourced annotator when provided with sufficient guidance and demonstrated examples. Accordingly, we propose AnnoLLM, an annotation system powered by LLMs, which adopts a two-step approach, explain-then-annotate. Concretely, we first prompt LLMs to provide explanations for why the specific ground truth answer/label was assigned for a given example. Then, we construct the few-shot chain-of-thought prompt with the self-generated explanation and employ it to annotate the unlabeled data with LLMs. Our experiment results on three tasks, including user input and keyword relevance assessment, BoolQ, and WiC, demonstrate that AnnoLLM surpasses or performs on par with crowdsourced annotators. Furthermore, we build the first conversation-based information retrieval dataset employing AnnoLLM. This dataset is designed to facilitate the development of retrieval models capable of retrieving pertinent documents for conversational text. Human evaluation has validated the dataset’s high quality.
1 Introduction
Labeled data refers to a dataset that has been manually annotated with predefined target labels or categories. It is crucial to develop machine learning models for many NLP tasks, such as sentiment analysis Socher et al. (2013), machine translation Sutskever et al. (2014) and word sense disambiguation He and Yiu (2022). The process of labeling data is typically done by human annotators under specific guidelines and criteria on how to assign labels to each instance in the dataset. For example, in sentiment analysis, each sentence or document may be labeled with a polarity score such as “positive”, “negative”, or “neutral”. However, it is very labor-intensive and time-consuming to create a large dataset with human annotation, which limits the availability of such data in various NLP tasks.
Previous works have shown that LLMs, such as GPT-3 Brown et al. (2020) and PaLM Chowdhery et al. (2022), achieve impressive results in many downstream tasks without requiring large-scale task-specific data or parameter tuning, but only with a few examples as instructions. OpenAI has recently launched the GPT-3.5 series models, the upgraded versions of GPT-3. Shortly after, OpenAI also unveiled ChatGPT, another fine-tuned version of GPT-3.5, which has gained significant global attention since its launch.
Augmenting manually labeled data with pseudo-labeled data from GPT-3 is helpful for many NLP tasks, particularly when the labeling budget is restricted Wang et al. (2021). However, the quality of GPT-3’s labeled data still lags behind that of manually labeled data. Considering the GPT-3.5 models’ remarkable zero/few-shot capabilities, we raise an essential and significant inquiry: Can GPT-3.5 potentially replace crowdsourced annotators?
Before answering this question, let us go over the process of crowdsourced data annotation. First, we need to provide annotators with a specific definition of the task. Then, for classification tasks, we need to tell annotators the specific meanings of each category. Finally, we need to provide annotators with a few examples that have already been annotated as references. Naturally, we can guide GPT-3.5 to annotate data using the same approach as with human annotators by providing task definitions and example samples. Furthermore, we found that requesting LLMs to furnish the rationale behind the ground truth label for a particular example can prompt LLMs to produce high-quality explanations. Based on this, we create the few-shot chain-of-thought (COT) prompt Wei et al. (2022) with the self-generated explanations to annotate data. We refer to this method as explain-then-annotate, which further improves the annotation quality.
We summarize our contributions as follows: (1) We propose AnnoLLM, an Annotation system powered by Large Language Models, which is based on explain-then-annotate and has the potential to replace crowdsourced annotators to annotate data. (2) Our results on three datasets verify the feasibility of substituting crowdsourced annotators with GPT-3.5, where it either surpasses or matches crowdsourced annotators. (3) Furthermore, AnnoLLM is not limited to annotating classification data, and we create the first conversation-based information retrieval (ConIR) dataset using AnnoLLM111ConIR is available at: https://github.com/NLPCode/AnnoLLM.. Through rigorous human evaluation, this dataset exhibits high quality in terms of fluency, relevance, and factual consistency.
2 Approach
Providing detailed instructions is crucial for crowdsourced workers to annotate data, as it helps them better understand task requirements and annotation standards, ultimately improving the quality and accuracy of annotated data. The instructions for each task mainly include three parts: task description, category definition, and demonstrated examples.
Motivated by the guidance to human annotators, we will introduce how to convert GPT-3.5 into a zero-shot data annotator by providing guidance on the task description and category definitions in Section 2.1. Then, we will show how to transform GPT-3.5 into a few-shot data annotator using demonstrated examples in Section 2.2. To make it easier to understand, we have provided a visual representation of the crowdsourcing annotation and AnnoLLM in Figure 1. Finally, in Section 2.3, we will demonstrate the utilization of AnnoLLM for constructing the conversation-based information retrieval dataset.
2.1 GPT-3.5 as a Zero-shot Data Annotator
In the zero-shot setting, we give the annotators only the task description and category definitions. The task description includes information on the task definition and purpose. Category definitions provide clear definitions for each category, so that the crowd workers can understand the meaning and standard of each category. Similarly, we provide GPT-3.5 with the task description and category definitions, allowing it to act as a zero-shot data annotator. We present the zero-shot prompts for GPT-3.5 on the user query and keyword relevance assessment (QK), WiC, and BoolQ tasks in Tables 12, 13, and 14, respectively.
2.2 GPT-3.5 as a Few-shot Data Annotator
Providing labeled samples for each category can help annotators better understand how to annotate the data accurately. Similarly, we can also offer demonstrated examples to GPT-3.5, enabling it to serve as a few-shot annotator. We show the few-shot prompts for GPT-3.5 on QK, WiC, and BoolQ tasks in Tables 15, 16, and 18, respectively.
Recent research Wei et al. (2022) has discovered that adding human written rationales to demonstrated examples, called as chain-of-thought (CoT), can elicit LLMs’ reasoning ability, thus gaining improvements on reasoning tasks. In this paper, we find that GPT-3.5222We resort to ChatGPT to generate explanations. is proficient at generating reasonable explanations for demonstrated examples. In the following, we will introduce how to generate explanations with GPT-3.5, and then create few-shot CoT prompts with the generated explanations.
Generating Explanations with GPT-3.5.
In this step, we simulate the human reasoning process to induce GPT-3.5 to explain the annotated examples. To be concrete, we present the task description, specific examplease, and the corresponding true labels to GPT-3.5, and then ask it to explain why the given label is appropriate for that example. By doing so, GPT-3.5 will generate reasonable explanations. For the QK task, we show how to use GPT-3.5 to explain why the label between the user query “google data studio sharepoint” and the keyword “sharepoint migration tool file share” is “Bad” in Table 8 in Appendix A. Please refer to Table 9 and Table 10 for how to generate explanations for the demonstrated examples of WiC and BoolQ.
Creating Few-shot CoT Prompts.
2.3 GPT-3.5 as a Few-shot Data Creator
AnnoLLM is not limited to labeling classification data. Next, we will introduce how we used AnnoLLM to construct the conversation-based information retrieval dataset. This dataset will facilitate the research and construction of conversation-based retrieval models.
Recently, ChatGPT, as a general artificial intelligence chatbot, has gained widespread attention, leading to the emergence of numerous information retrieval needs in the form of conversations. Specifically, during a conversation, users may ask questions that go beyond the knowledge scope of ChatGPT, requiring us to retrieve relevant literature from external knowledge bases. Traditional information retrieval datasets typically consist of queries and positive paragraphs , denoted as . We found that retrieval models trained on traditional datasets perform poorly on the conversation-based retrieval task (please refer to Section 4 for more details). This illustrates the necessity of constructing conversation-based retrieval datasets. Therefore, we propose to create a conversation-based information retrieval dataset.
Conversation-based information retrieval aims to retrieve relevant passages from a large corpus for conversations. It is non-trivial to manually create datasets for this task. One intuitive idea is to use ChatGPT to generate a multi-turn conversation based on the query and the corresponding positive paragraph , constructing a conversation dataset, . However, we have found that this approach results in a dataset where a large portion of the conversation is directly copied from . This is not desirable since it becomes easy to find related to based on word overlaps.
To address this issue, we first utilize ChatGPT to enrich the given text paragraph , obtaining (see Table 30). Then, we generate the conversation based on the expanded paragraph and the given query (see Table 31). The expanded paragraph usually contains not only the information from the original paragraph but also some more detailed relevant information, while reducing the overlap of words with the original paragraph. In this way, the generated conversation can avoid having a large amount of identical text segments with the original paragraph . However, since the expanded paragraph contains information beyond the original paragraph , this may result in a relatively low relevance between the generated conversation and the original paragraph . In other words, the original paragraph may not be a positive paragraph for the generated conversation . Therefore, it is necessary to filter out the conversation instance that has low relevance to the original paragraph . Due to the comparable data annotation capability of our proposed AnnoLLM, we naturally used AnnoLLM to judge whether the generated conversation and the original paragraph are related (see Table 32), and discarded data pairs that are irrelevant, resulting in the conversation-based information retrieval dataset.
3 Experiment on Data Annotation
Partition / Task | QK | BoolQ | WiC |
Dev |
350 |
3270 |
638 |
Test |
1000 |
3245 |
1400 |
3.1 Experimental Setups
Datasets.
We evaluate AnnoLLM on three different tasks: QK, BoolQ, and WiC. The basic statistics of these datasets are shown in Table 1. The QK task aims to judge whether the user input query is related to the given keywords. BoolQ (Boolean Questions) Clark et al. (2019) is a question-answering task. In this task, each example comprises a brief passage and a yes/no question related to the passage. The WiC (Word-in-Context) task Pilehvar and Camacho-Collados (2019) involves disambiguating word senses by classifying sentence pairs. The goal is to determine if the target word shares the same sense in both sentences.
Implementation Details.
We use ChatGPT (gpt-3.5-turbo) to generate explanations for demonstrated examples and implement AnnoLLM with text-davinci-003 (a powerful GPT-3.5 model). During generation, we set the temperature for text-davinci-003. As all tasks involve binary classification, accuracy is employed for evaluation.
Human Performances.
To assess human performance on QK, we use UHRS333https://prod.uhrs.playmsn.com/uhrs/, a crowdsourcing platform, for data annotation. Before annotation, we provide the task description, category definitions, and annotated examples to annotators. If the annotated results of three workers are consistent, this result will be considered as the annotated label. Otherwise, additional annotators will continue annotating this data instance until three annotators have consistent annotation results. We require crowdsourced annotators to annotate all development and test sets. BoolQ and WiC are two of the most challenging datasets in superGLUE Wang et al. (2019). For BoolQ, three authors labeled 110 randomly chosen examples, with human performance reaching 89%. As for WiC, Pilehvar and Camacho-Collados (2019) selected four groups of 100 test instances, and assigned each group to an annotator, achieving a human performance of 80%.
3.2 Experimental Results
Table 2 shows our experimental results on the QK development and test sets. Surprisingly, GPT-3.5 (text-davinci-003) performs worse in the few-shot setting compared to the zero-shot setting in this task. Fu and Khot (2022) speculate that the instruction tuning on GPT-3.5 may decrease its in-context learning ability but increase its zero-shot ability. On the other hand, AnnoLLM (text-davinci-003 + 4-shot CoT) outperforms its counterparts under the zero-shot and few-shot settings by around 6 and 8 points, respectively. Impressively, it even surpasses the crowdsourced annotators.
Table 4 presents our experimental results on WiC, from which we also see that AnnoLLM (text-davinci-003 + 8-shot CoT) outperforms its few-shot counterpart significantly. Nevertheless, there remains a considerable disparity between AnnoLLM and crowdsourced annotators. This can be attributed to the inherent complexity of the task, since even the best supervised models still exhibit a substantial gap compared to human performance.
As shown in Table 4, AnnoLLM (text-davinci-003+8-shot CoT) surpasses human annotators and is comparable to supervised models on BoolQ, but does not show significant improvement compared to the few-shot method. However, this does not imply that CoT with generated explanation is not useful for this task. Section 3.4 shows that AnnoLLM with CoT exhibits better stability across different prompts, while its counterpart with the few-shot setting is highly sensitive to templates.
Overall, AnnoLLM surpasses or matches human performances in three tasks, demonstrating its potential to replace crowdsourced annotators. AnnoLLM differs from previous methods Wei et al. (2022); Wang et al. (2022) in two aspects: (1) We use explanations generated by LLMs rather than those written by humans. (2) We have shown, for the first time, that the CoT method is effective in tasks beyond typical reasoning tasks.
Models | Dev | Test |
Crowdsourced Annotator |
65.58 |
71.5 |
text-davinci-003 + zero-shot |
67.71 |
70.00 |
text-davinci-003 + 8-shot |
65.71 |
67.80 |
text-davinci-003 + 4-shot CoT (AnnoLLM) |
74.17 | 75.60 |
Models | Dev | Test |
Crowdsourced Annotator |
80.0 | |
Zero/Few-shot | ||
PaLM 540B + zero-shot |
59.1 |
- |
PaLM 540B + 5-shot |
64.6 |
- |
text-davinci-003 + zero-shot |
57.52 |
59.79 |
text-davinci-003 + 8-shot |
67.71 |
66.36 |
text-davinci-003 + 8-shot CoT (AnnoLLM) |
71.47 | 69.17 |
Fine-tune | ||
T5 11B Raffel et al. (2020) |
77.3 |
76.9 |
PaLM 540B |
78.8 |
77.4 |
ST-MoE 32B Zoph et al. (2022) |
81.0 | 77.7 |
Models | Dev | Test |
Crowdsourced Annotator |
89.0 | |
Zero/Few-shot | ||
GPT-3 175B + zero-shot |
60.5 |
- |
Gopher 280B + zero-shot Rae et al. (2021) |
79.3 |
- |
Chinchilla 70B + zero-shot Hoffmann et al. (2022) |
83.7 |
- |
PaLM 62B + zero-shot |
84.8 |
- |
PaLM 540B + zero-shot |
88.0 |
- |
LLaMA 65B + zero-shot Touvron et al. (2023) |
85.3 |
- |
text-davinci-003 + zero-shot |
84.28 |
84.30 |
text-davinci-003 + 8-shot |
89.17 |
89.10 |
text-davinci-003 + 8-shot CoT (AnnoLLM) |
89.69 | 89.20 |
Fine-tune | ||
T5 11B Raffel et al. (2020) |
90.8 |
91.2 |
PaLM 540B |
92.2 |
91.9 |
ST-MoE 32B Zoph et al. (2022) |
93.1 | 92.4 |
3.3 Ablation Study
In this section, we conduct an experiment to compare the impact of various explanation generation methods on the performance of AnnoLLM.
Firstly, we want to investigate whether using ground truth labels is helpful for generating explanations for demonstrated examples. To answer this, we induce LLMs to generate explanations using prompts with and without ground truth labels. Specifically, we replace the last sentence of the prompt in Table 8 Briefly explain why the relevance is "Bad" with Briefly explain the relevance between the keyword and query in Table 11. From Table 5, we found that not using true labels when generating explanations leads to a decrease in AnnoLLM’s performance by approximately 3 points on the QK test set (row 4 vs. row 1). This is because the model may generate explanations for incorrect answers without the guidance of ground truth labels.
In Table 8, we found that LLMs initially reveal the true answer, and then provide an explanation for it. This differs from previous work Wei et al. (2022), where LLMs are prompted to give an explanation before outputting the answer. Therefore, we remove the initial sentence with labels from generated explanations (underlined text in Table 19). However, this modification does not lead to any improvement (row 2 vs. row 1). We speculate that this may be attributed to the disparity between our task and traditional reasoning tasks. In addition, we remove the last sentence containing the answer to the demonstrated examples (italicized text in Table 19), yet it does not have too much impact on the performance (row 3 vs. row 1). That is because the generated explanations already contain the correct answers. Nonetheless, to align with the format used in previous work Wei et al. (2022), we still append ground truth labels to generated explanations.
text-davinci-003 + 4-shot CoT | Datasets | ||||
# |
Generate E with L | Delete L from E | Append L to E | Dev Set | Test Set |
1 |
74.17 | 75.60 | |||
2 |
72.97 |
74.76 |
|||
3 |
74.09 |
75.44 |
|||
4 |
72.63 |
72.84 |
3.4 More Analysis and Discussion
Consistency Analysis of Generated Explanations.
In the ablation study, we found that the performance of AnnoLLM relies heavily on the generated explanations. This leads to a natural inquiry: Are the explanations produced by ChatGPT consistent enough for the same demonstrated sample? To answer this, we generate five explanations for each sample, and obtain five different few-shot CoT prompts. As shown in Figure 2 (a), these different few-shot CoT prompts yield similar performance in the QK, WiC, and BoolQ tasks. This indicates that the quality of the explanations generated by ChatGPT is sufficiently consistent.
Stability Analysis of Generated Explanations.
Figure 2 (a) shows that AnnoLLM with few-shot CoT prompts significantly outperforms its counterpart with few-shot settings on QK and WiC. However, the improvement is quite modest on BoolQ, where it is generally less than 0.5. This does not mean that AnnoLLM with few-shot CoT prompts has no effect on BoolQ. To further analyze this, we make slight modifications to the existing prompts for BoolQ to obtain three few-shot CoT and few-shot prompts (refer to Appendix E for details). Figure 2 (b) shows that the few-shot method is highly sensitive to templates. Even with slight modifications to templates, the experimental performances drop from around 89 to below 80 points. In comparison, AnnoLLM with few-shot CoT prompts suffers less performance loss, which outperforms its counterpart with few-shot templates by around 4 points. To summarize, the few-shot setting is more picky about templates, whereas few-shot CoT exhibits better stability across different templates.
4 Experiment on Data Creation
Datasets.
We construct the conversation-based information retrieval (ConIR) dataset based on the MS-MARCO passage ranking dataset Bajaj et al. (2016). The sizes of the training and test sets for ConIR are 71,557 and 3,000 respectively.
Implementation Details.
Since ChatGPT is optimized for chat, we use it to create ConIR, namely using it to enrich paragraphs, generate and filter out irrelevant conversations in Appendix F. Following previous work Qu et al. (2021), we resort to MRR@10 and Recall of top-k (R@k) to evaluate the retrieval performance on different models.
Zero-shot Performance.
We train two typical dense retrieval models, DPR Karpukhin et al. (2020) (initialized with DistilBERT Sanh et al. (2019)) and PROD Lin et al. (2023), on MS-MARCO, and then evaluate them on the test set of ConIR. Notably, both models exhibit poor performance on ConIR, as demonstrated in Table 6. This indicates that dense retrieval models trained on traditional datasets are not directly applicable to conversation-based information retrieval.
In-domain Performance.
As shown in Table 6, DPR fine-tuned on the training set of ConIR performs much better than its zero-shot counterpart, highlighting the necessity of the ConIR dataset.
Human Evaluation.
We randomly select 100 generated conversations and their paired paragraphs. Three annotators are asked to assess the fluency of conversations on a 5-point Likert scale from 1 (not fluent) to 5 (extremely fluent), and their relevance and factual consistency with the paired passages on a 3-point Likert scale. Table 7 shows that the conversations of ConIR exhibit remarkable fluency, displaying a strong correlation with the paired paragraphs in terms of relevance and factual consistency. The inter-annotator agreement measured using Fleiss’ kappa Fleiss (1971) is 0.55, implying moderate agreement Landis and Koch (1977). Please refer to Appendix G for more details.
Models | MRR@10 | R@1 | R@5 | R@50 | R@100 |
DPR (Zero-shot) |
7.01 |
4.85 |
9.75 |
18.70 |
22.08 |
PROD (Zero-shot) |
10.61 |
7.53 |
14.80 |
28.22 |
32.77 |
DPR (Fine-tune) | 19.32 | 12.27 | 28.60 | 56.13 | 64.25 |
Fluency | Relevance | Consistency | Inter-annotator agreement |
4.99 |
2.53 |
2.41 |
0.55 |
5 Related Work
Large-scale Language Models.
GPT (Generative Pre-trained Transformer) is a family of language models developed by OpenAI, designed to generate human-like natural language text. GPT models are based on the Transformer architecture Vaswani et al. (2017), which are pre-trained on an enormous corpus of text by predicting the next token based on the previous context. Over the years, OpenAI has continuously increased the parameters and training data of its models, and has released GPT Radford (2018), GPT-2 Radford et al. (2019), and GPT-3 Brown et al. (2020) from 2018 to 2020. One unique feature of GPT-3 is in-context learning, where one can apply it to various tasks by simply providing few-shot demonstrations without any fine-tuning. Furthermore, OpenAI fine-tuned GPT-3 on the code data or instruction data, releasing Codex Chen et al. (2021) and InstructGPT Ouyang et al. (2022), respectively. Recently, OpenAI released GPT-3.5 series models, including text-davinci-003 and ChatGPT, by training on text and code data, then tuning with supervised instructions and reinforcement learning with human feedback. Recent research has shown that GPT-3.5 has strong few-shot and zero-shot learning abilities on various NLP tasks Jiao et al. (2023); Wei et al. (2023).
In this paper, we first propose that we can readily change GPT-3.5 to a good data annotator for a specific task by providing the detailed annotation instructions similar to human annotators.
Pseudo Annotated Data.
Creating pseudo-annotated data is commonly used to generate labeled data for a specific task when there is a limited amount of annotated data available. Back-translation involves translating a target language sentence back into the source language, which is first proposed to improve neural machine translation models with synthetic parallel data Sennrich et al. (2016). Beyond machine translation, this technique has also been applied to unsupervised text style transfer Prabhumoye et al. (2018) and image style transfer Zhu et al. (2017). In addition, rule-based methods are widely used to construct synthetic data. For example, Zhang et al. (2020) resorted to the lead bias to create paired data to pre-train the text summarization model, PEGASUS. Lee et al. (2019) pre-trained the retriever with the Inverse Cloze Task, which aims to predict the context based on the given sentence. However, these methods are task-specific and difficult to generalize to other tasks. This paper explores the transformation of GPT-3.5 into a versatile data annotator. By providing the corresponding task description and few-shot CoT demonstrations, GPT-3.5 can easily annotate data for various tasks. Inspired by AnnoLLM, He et al. (2023) employed LLMs to introduce factual errors into accurate text, thereby generating data for factual error correction Thorne and Vlachos (2021); He et al. (2024).
6 Conclusion
In this paper, we present AnnoLLM, a novel annotation system powered by LLMs that has the potential to replace traditional crowdsourced annotators. AnnoLLM adopts a two-step approach, explain-then-annotate. In this method, LLMs are initially employed to generate a few-shot CoT prompt, which is subsequently utilized to prompt LLMs in annotating unlabeled data. Our experimental results on three datasets demonstrate the feasibility of using AnnoLLM to substitute crowdsourced annotators. Moreover, we introduce the ConIR dataset, which is created using AnnoLLM, to facilitate the research on conversation-based information retrieval.
7 Acknowledgments
This work is supported by HKU-SCF FinTech Academy, Shenzhen-Hong Kong-Macao Science and Technology Plan Project (Category C Project: SGDX20210823103537030), and Theme-based Research Scheme of RGC, Hong Kong (T35-710/20-R). We would like to thank the anonymous reviewers for their constructive and informative feedback on this work.
References
- Bajaj et al. (2016) Payal Bajaj, Daniel Campos, Nick Craswell, Li Deng, Jianfeng Gao, Xiaodong Liu, Rangan Majumder, Andrew McNamara, Bhaskar Mitra, Tri Nguyen, et al. 2016. Ms marco: A human generated machine reading comprehension dataset. arXiv preprint arXiv:1611.09268.
- Brown et al. (2020) Tom Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared D Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, Sandhini Agarwal, Ariel Herbert-Voss, Gretchen Krueger, Tom Henighan, Rewon Child, Aditya Ramesh, Daniel Ziegler, Jeffrey Wu, Clemens Winter, Chris Hesse, Mark Chen, Eric Sigler, Mateusz Litwin, Scott Gray, Benjamin Chess, Jack Clark, Christopher Berner, Sam McCandlish, Alec Radford, Ilya Sutskever, and Dario Amodei. 2020. Language models are few-shot learners. In NIPS, volume 33, pages 1877–1901. Curran Associates, Inc.
- Chen et al. (2021) Mark Chen, Jerry Tworek, Heewoo Jun, Qiming Yuan, Henrique Ponde de Oliveira Pinto, Jared Kaplan, Harri Edwards, Yuri Burda, Nicholas Joseph, Greg Brockman, et al. 2021. Evaluating large language models trained on code. arXiv preprint arXiv:2107.03374.
- Chowdhery et al. (2022) Aakanksha Chowdhery, Sharan Narang, Jacob Devlin, Maarten Bosma, Gaurav Mishra, Adam Roberts, Paul Barham, Hyung Won Chung, Charles Sutton, Sebastian Gehrmann, et al. 2022. Palm: Scaling language modeling with pathways. arXiv preprint arXiv:2204.02311.
- Clark et al. (2019) Christopher Clark, Kenton Lee, Ming-Wei Chang, Tom Kwiatkowski, Michael Collins, and Kristina Toutanova. 2019. BoolQ: Exploring the surprising difficulty of natural yes/no questions. In Proceedings of NAACL, pages 2924–2936, Minneapolis, Minnesota. Association for Computational Linguistics.
- Fleiss (1971) Joseph L Fleiss. 1971. Measuring nominal scale agreement among many raters. Psychological Bulletin, 76(5):378–382.
- Fu and Khot (2022) Hao Fu, Yao; Peng and Tushar Khot. 2022. How does gpt obtain its ability? tracing emergent abilities of language models to their sources. Yao Fu’s Notion.
- He et al. (2023) Xingwei He, A-Long Jin, Jun Ma, Yuan Yuan, and Siu Yiu. 2023. PivotFEC: Enhancing few-shot factual error correction with a pivot task approach using large language models. In Findings of EMNLP, pages 9960–9976, Singapore. Association for Computational Linguistics.
- He and Yiu (2022) Xingwei He and Siu Ming Yiu. 2022. Controllable dictionary example generation: Generating example sentences for specific targeted audiences. In Proceedings of ACL, pages 610–627, Dublin, Ireland. Association for Computational Linguistics.
- He et al. (2024) Xingwei He, Qianru Zhang, A-Long Jin, Jun Ma, Yuan Yuan, and Siu Ming Yiu. 2024. Improving factual error correction by learning to inject factual errors. In Proceedings of AAAI, volume 38, pages 18197–18205.
- Hoffmann et al. (2022) Jordan Hoffmann, Sebastian Borgeaud, Arthur Mensch, Elena Buchatskaya, Trevor Cai, Eliza Rutherford, Diego de Las Casas, Lisa Anne Hendricks, Johannes Welbl, Aidan Clark, et al. 2022. Training compute-optimal large language models. arXiv preprint arXiv:2203.15556.
- Jiao et al. (2023) Wenxiang Jiao, Wenxuan Wang, Jen-tse Huang, Xing Wang, and Zhaopeng Tu. 2023. Is chatgpt a good translator? a preliminary study. arXiv preprint arXiv:2301.08745.
- Karpukhin et al. (2020) Vladimir Karpukhin, Barlas Oguz, Sewon Min, Patrick Lewis, Ledell Wu, Sergey Edunov, Danqi Chen, and Wen-tau Yih. 2020. Dense passage retrieval for open-domain question answering. In Proceedings of EMNLP, pages 6769–6781, Online. Association for Computational Linguistics.
- Landis and Koch (1977) J Richard Landis and Gary G Koch. 1977. The measurement of observer agreement for categorical data. Biometrics, 33(1):159–174.
- Lee et al. (2019) Kenton Lee, Ming-Wei Chang, and Kristina Toutanova. 2019. Latent retrieval for weakly supervised open domain question answering. In Proceedings of ACL, pages 6086–6096, Florence, Italy. Association for Computational Linguistics.
- Lin et al. (2023) Zhenghao Lin, Yeyun Gong, Xiao Liu, Hang Zhang, Chen Lin, Anlei Dong, Jian Jiao, Jingwen Lu, Daxin Jiang, Rangan Majumder, et al. 2023. Prod: Progressive distillation for dense retrieval. In Proceedings of WWW, pages 3299–3308.
- Ouyang et al. (2022) Long Ouyang, Jeffrey Wu, Xu Jiang, Diogo Almeida, Carroll Wainwright, Pamela Mishkin, Chong Zhang, Sandhini Agarwal, Katarina Slama, Alex Ray, John Schulman, Jacob Hilton, Fraser Kelton, Luke Miller, Maddie Simens, Amanda Askell, Peter Welinder, Paul F Christiano, Jan Leike, and Ryan Lowe. 2022. Training language models to follow instructions with human feedback. In NIPS, volume 35, pages 27730–27744. Curran Associates, Inc.
- Pilehvar and Camacho-Collados (2019) Mohammad Taher Pilehvar and Jose Camacho-Collados. 2019. WiC: the word-in-context dataset for evaluating context-sensitive meaning representations. In Proceedings of NAACL, pages 1267–1273, Minneapolis, Minnesota. Association for Computational Linguistics.
- Prabhumoye et al. (2018) Shrimai Prabhumoye, Yulia Tsvetkov, Ruslan Salakhutdinov, and Alan W Black. 2018. Style transfer through back-translation. In Proceedings of ACL, pages 866–876, Melbourne, Australia. Association for Computational Linguistics.
- Qu et al. (2021) Yingqi Qu, Yuchen Ding, Jing Liu, Kai Liu, Ruiyang Ren, Wayne Xin Zhao, Daxiang Dong, Hua Wu, and Haifeng Wang. 2021. RocketQA: An optimized training approach to dense passage retrieval for open-domain question answering. In Proceedings of NAACL, pages 5835–5847, Online. Association for Computational Linguistics.
- Radford (2018) Alec Radford. 2018. Improving language understanding by generative pre-training. OpenAI Technical Report.
- Radford et al. (2019) Alec Radford, Jeffrey Wu, Rewon Child, David Luan, Dario Amodei, and Ilya Sutskever. 2019. Language models are unsupervised multitask learners. OpenAI Technical Report.
- Rae et al. (2021) Jack W Rae, Sebastian Borgeaud, Trevor Cai, Katie Millican, Jordan Hoffmann, Francis Song, John Aslanides, Sarah Henderson, Roman Ring, Susannah Young, et al. 2021. Scaling language models: Methods, analysis & insights from training gopher. arXiv preprint arXiv:2112.11446.
- Raffel et al. (2020) Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J Liu. 2020. Exploring the limits of transfer learning with a unified text-to-text transformer. The Journal of Machine Learning Research, 21(1):5485–5551.
- Sanh et al. (2019) Victor Sanh, Lysandre Debut, Julien Chaumond, and Thomas Wolf. 2019. Distilbert, a distilled version of bert: smaller, faster, cheaper and lighter. arXiv preprint arXiv:1910.01108.
- Sennrich et al. (2016) Rico Sennrich, Barry Haddow, and Alexandra Birch. 2016. Improving neural machine translation models with monolingual data. In Proceedings of ACL, pages 86–96, Berlin, Germany. Association for Computational Linguistics.
- Socher et al. (2013) Richard Socher, Alex Perelygin, Jean Wu, Jason Chuang, Christopher D. Manning, Andrew Ng, and Christopher Potts. 2013. Recursive deep models for semantic compositionality over a sentiment treebank. In Proceedings of EMNLP, pages 1631–1642, Seattle, Washington, USA. Association for Computational Linguistics.
- Sutskever et al. (2014) Ilya Sutskever, Oriol Vinyals, and Quoc V. Le. 2014. Sequence to sequence learning with neural networks. In NIPS, page 3104–3112, Cambridge, MA, USA. MIT Press.
- Thorne and Vlachos (2021) James Thorne and Andreas Vlachos. 2021. Evidence-based factual error correction. In Proceedings of ACL, pages 3298–3309, Online. Association for Computational Linguistics.
- Touvron et al. (2023) Hugo Touvron, Thibaut Lavril, Gautier Izacard, Xavier Martinet, Marie-Anne Lachaux, Timothée Lacroix, Baptiste Rozière, Naman Goyal, Eric Hambro, Faisal Azhar, et al. 2023. Llama: Open and efficient foundation language models. arXiv preprint arXiv:2302.13971.
- Vaswani et al. (2017) Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Ł ukasz Kaiser, and Illia Polosukhin. 2017. Attention is all you need. In NIPS, volume 30. Curran Associates, Inc.
- Wang et al. (2019) Alex Wang, Yada Pruksachatkun, Nikita Nangia, Amanpreet Singh, Julian Michael, Felix Hill, Omer Levy, and Samuel Bowman. 2019. Superglue: A stickier benchmark for general-purpose language understanding systems. In NIPS, volume 32. Curran Associates, Inc.
- Wang et al. (2021) Shuohang Wang, Yang Liu, Yichong Xu, Chenguang Zhu, and Michael Zeng. 2021. Want to reduce labeling cost? GPT-3 can help. In Findings of EMNLP, pages 4195–4205, Punta Cana, Dominican Republic. Association for Computational Linguistics.
- Wang et al. (2022) Xuezhi Wang, Jason Wei, Dale Schuurmans, Quoc Le, Ed Chi, and Denny Zhou. 2022. Self-consistency improves chain of thought reasoning in language models. In ICLR.
- Wei et al. (2022) Jason Wei, Xuezhi Wang, Dale Schuurmans, Maarten Bosma, brian ichter, Fei Xia, Ed Chi, Quoc V Le, and Denny Zhou. 2022. Chain-of-thought prompting elicits reasoning in large language models. In NIPS, volume 35, pages 24824–24837. Curran Associates, Inc.
- Wei et al. (2023) Xiang Wei, Xingyu Cui, Ning Cheng, Xiaobin Wang, Xin Zhang, Shen Huang, Pengjun Xie, Jinan Xu, Yufeng Chen, Meishan Zhang, Yong Jiang, and Wenjuan Han. 2023. Zero-shot information extraction via chatting with chatgpt. arXiv preprint arXiv:2302.10205.
- Zhang et al. (2020) Jingqing Zhang, Yao Zhao, Mohammad Saleh, and Peter Liu. 2020. Pegasus: Pre-training with extracted gap-sentences for abstractive summarization. In ICML, pages 11328–11339. PMLR.
- Zhu et al. (2017) Jun-Yan Zhu, Taesung Park, Phillip Isola, and Alexei A Efros. 2017. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of ICCV, pages 2223–2232.
- Zoph et al. (2022) Barret Zoph, Irwan Bello, Sameer Kumar, Nan Du, Yanping Huang, Jeff Dean, Noam Shazeer, and William Fedus. 2022. St-moe: Designing stable and transferable sparse expert models. arXiv preprint arXiv:2202.08906.
Appendix A Prompts for Generating Explanations
Input |
Directions: Given a search engine query: "google data studio sharepoint", first, consider what the user could have in mind when they type in the query and allow for misspellings or other ambiguity, then classify the relevance of keyword: "sharepoint migration tool file share" to the query into one of the following categories: "Not bad", "Bad". The definitions of the categories are
|
Output 1 |
The relevance of the keyword "sharepoint migration tool file share" to the search query "google data studio sharepoint" is "Bad". This keyword is not relevant to the user’s search query as it pertains to a different tool or technology (SharePoint) that is not mentioned in the search query. The keyword focuses on a migration tool for SharePoint file sharing, while the search query is focused on Google Data Studio. There is no relationship between the two, so the keyword is not relevant to the user’s search query. |
Output 2 |
The relevance of "sharepoint migration tool file share" to the search query "google data studio sharepoint" is "Bad." The keyword is not relevant to the user’s search query because it deals with SharePoint migration and file sharing, whereas the user’s query is focused on Google Data Studio and SharePoint. There is no relationship between these two topics, and the keyword cannot be used in place of the query product. |
Output 3 |
The relevance is "Bad". The keyword "sharepoint migration tool file share" is not directly related to the query "google data studio sharepoint". The keyword refers to tools and services for migrating data from SharePoint to another file share platform, whereas the query is about using Google Data Studio to connect with SharePoint data. There is no clear relationship between the two topics. |
Output 4 |
The relevance of the keyword "sharepoint migration tool file share" to the search query "google data studio sharepoint" is "Bad". The keyword is about a tool for migrating data from SharePoint, which is not directly related to Google Data Studio. Google Data Studio is a data visualization and reporting tool, not a migration tool for SharePoint. |
Output 5 |
The relevance is "Bad" as the keyword "sharepoint migration tool file share" has no direct relation to the user’s search query "google data studio sharepoint". The keyword pertains to a tool used for migrating data within a SharePoint platform, while the query is focused on Google Data Studio and SharePoint. These two concepts are not directly related and therefore, the keyword is not relevant to the user’s search query. |
Input |
Task description: The task is to identify if the occurrences of "place" in ‘Do you want to come over to my "place" later?’ and ‘A political system with no "place" for the less prominent groups.’ correspond to the same meaning or not. The target word "place" in the first sentence and the second sentence is enclosed in quotation marks. There is no need to consider the tense and form of "place". If "place" in the first sentence and the second sentence correspond to the same meaning, output "true", otherwise output "false".
|
Output 1 |
The answer is "false". In the first sentence, "place" refers to a physical location or a person’s home. In the second sentence, "place" refers to a position or status in a political system. Therefore, although the spelling and punctuation of "place" are the same in both sentences, the context and meaning of the word are different. |
Output 2 |
The answer is "false". In the first sentence, "place" refers to a physical location, meaning a house or an apartment. In contrast, in the second sentence, "place" refers to a figurative location, meaning a position or role within a political system. Therefore, the two occurrences of "place" have different meanings and do not correspond to the same meaning. |
Output 3 |
The answer is "false". In the first sentence, "place" refers to a physical location or someone’s home, while in the second sentence, "place" refers to a position or status in a political system. These are different meanings, and therefore, the occurrences of "place" in the two sentences do not correspond to the same meaning. |
Output 4 |
The answer is "false". In the first sentence, "place" refers to a physical location, as in a person’s home. In contrast, in the second sentence, "place" refers to a position or status within a system or society, as in a group’s role or standing. Thus, the two uses of "place" have different meanings, and do not correspond to the same meaning. |
Output 5 |
The answer is "false". In the first sentence, "place" refers to a physical location where the speaker is inviting someone to come over to. In contrast, in the second sentence, "place" refers to a position or role in a political system. Therefore, the two occurrences of "place" have different meanings and cannot be considered to correspond to the same meaning. |
Input |
Task description: Based on the information provided in the passage: "The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective.", determine if the answer to the question: "is elder scrolls online the same as skyrim" is "yes" or "no". If the answer is affirmative, indicate "true", otherwise indicate "false".
|
Output 1 |
The answer is "false". Although The Elder Scrolls Online is set on the continent of Tamriel, like Skyrim and other games in The Elder Scrolls series, it takes place a millennium before Skyrim and around 800 years before Morrowind and Oblivion. While it has a similar structure to Skyrim, with two conflicts progressing at the same time, the primary struggle in The Elder Scrolls Online is against the Daedric Prince Molag Bal, who has stolen the player character’s soul, and the second is to capture the vacant imperial throne. Therefore, The Elder Scrolls Online is not the same game as Skyrim. |
Output 2 |
The answer is "false". While The Elder Scrolls Online is set in the same continent of Tamriel as Skyrim, and shares a similar structure with two conflicts happening simultaneously, the events of the game occur a millennium before Skyrim, and its primary antagonist is the Daedric Prince Molag Bal, not Alduin as in Skyrim. The gameplay mechanics and overall experience of The Elder Scrolls Online are also distinct from Skyrim, as it is a massively multiplayer online role-playing game (MMORPG), while Skyrim is a single-player game. |
Output 3 |
The answer is "false". While The Elder Scrolls Online and Skyrim share the same fictional universe and are part of The Elder Scrolls series, they are not the same game. The Elder Scrolls Online is set a millennium before Skyrim and has a different storyline and gameplay mechanics. In The Elder Scrolls Online, the player fights against Molag Bal and attempts to recover their stolen soul, while in Skyrim, the player character is a Dragonborn who fights against Alduin, the World-Eater. Additionally, The Elder Scrolls Online is a massively multiplayer online game, while Skyrim is a single-player game. |
Output 4 |
The answer is "false". While The Elder Scrolls Online and Skyrim share some similarities, such as being set in the same continent of Tamriel and having a similar structure, they are different games with different stories and timelines. The events in The Elder Scrolls Online take place a millennium before Skyrim and revolve around two conflicts, one against the Daedric Prince Molag Bal and the other for the vacant imperial throne, while Skyrim has its own unique story centered around the return of the dragons to the world. |
Output 5 |
The answer is "false". While The Elder Scrolls Online and Skyrim share the same fictional world of Tamriel, they are not the same game. The events of The Elder Scrolls Online take place a millennium before Skyrim, and the game features a different storyline and game structure. In The Elder Scrolls Online, the player character is sacrificed to the Daedric Prince Molag Bal and must recover their soul, while in Skyrim, the player character is a Dragonborn on a quest to defeat the dragon Alduin and save Tamriel from destruction. |
Input |
Directions: Given a search engine query: "google data studio sharepoint", first, consider what the user could have in mind when they type in the query and allow for misspellings or other ambiguity, then classify the relevance of keyword: "sharepoint migration tool file share" to the query into one of the following categories: "Not bad", "Bad". The definitions of the categories are
|
Output 1 |
The user’s query "google data studio sharepoint" suggests they are looking for information on how to integrate or connect Google Data Studio with SharePoint, possibly for data visualization or reporting purposes. The keyword "sharepoint migration tool file share" is not directly relevant to the user’s query as it pertains to a tool used for migrating files between SharePoint instances, rather than integrating Google Data Studio with SharePoint. Therefore, the keyword is considered "Bad" in relation to the user’s query. |
Output 2 |
When a user searches for "Google Data Studio SharePoint," they are likely looking for information on how to integrate Google Data Studio with SharePoint or how to use Google Data Studio to create reports on SharePoint data. The keyword "SharePoint migration tool file share" is not directly relevant to the query as it pertains to a tool for migrating files to SharePoint rather than using Google Data Studio with SharePoint. Therefore, the keyword is considered "bad" in this context. |
Output 3 | When a user searches for "google data studio sharepoint," they are likely looking for information on how to integrate or connect Google Data Studio with SharePoint, a popular document management and collaboration platform. The keyword "sharepoint migration tool file share" is somewhat relevant to the query, as it pertains to migrating files from one SharePoint instance to another, which could be useful information for someone looking to integrate the two platforms. Therefore, I would classify this keyword as "Not bad." |
Output 4 |
The search query "google data studio sharepoint" likely suggests that the user is looking for information about how to integrate or use Google Data Studio with SharePoint. They may be interested in creating reports or visualizations using data from SharePoint in Google Data Studio. The keyword "sharepoint migration tool file share" is not relevant to the query as it refers to a tool for migrating files from one SharePoint site to another, and does not address the query’s focus on integrating Google Data Studio with SharePoint. Therefore, the keyword is considered "Bad" for this search query. |
Output 5 |
The search engine query "google data studio sharepoint" suggests that the user may be looking for information on how to integrate or use Google Data Studio with SharePoint, which is a web-based collaborative platform used for document management and storage. The keyword "sharepoint migration tool file share" is not directly relevant to the user’s search query, as it is related to a tool used for migrating files between different file-sharing platforms, and does not address the user’s original intent of using Google Data Studio with SharePoint. Therefore, the keyword is classified as "Bad." |
Appendix B Zero-shot Prompts
Given a search engine query, first, consider what the user could have in mind when they type in the query and allow for misspellings or other ambiguity, then classify the relevance of keyword to the query into one of the following categories: "Not bad", or "Bad". The definitions of the categories are |
"Not bad": the keyword is relevant to the user’s search query. This can include: broader or narrower product selection, competitor or alternative products, accessories, products often purchased together and related topics as well as direct matches to the user’s search. |
"Bad": the keyword is not relevant to the user’s search query. There is no relationship between the query and keyword. This includes but is not limited to: incorrect/unrelated product, unrelated topic, wrong location when location is important, cannot be used in place of query product nor are they commonly purchased together, etc. |
Please predict whether the keyword is relevant to the query or not. The answer should be exact "Not bad" or "Bad". |
Query: {query} |
Keyword: {keyword} |
Answer: |
The goal of this task is to determine whether the targeted word in the first sentence and the second sentence conveys the same meaning. Please note that if the targeted word appears multiple times in the sentences, only the instance of the word surrounded by quotation marks should be considered. Additionally, the tense and form of the targeted word should not be taken into account. If the targeted word in the first sentence and the second sentence corresponds to the same meaning, output "True"; otherwise, output "False". |
To complete this task, you will need to predict whether the targeted word "w" in the first sentence "s1" and the second sentence "s2" convey the same meaning. Your answer should be either "True" or "False". |
w: {target word} |
s1: {first sentence} |
s2: {second sentence} |
Answer: |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. If there exists evidence in the passage that supports the facts in the question, the answer should be "Yes". If there exists evidence in the passage that denies the facts in the question, the answer should be "No". |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Passage: {passage} |
Question: {question} |
Answer: |
Appendix C Few-shot Prompts
Given a search engine query, first, consider what the user could have in mind when they type in the query and allow for misspellings or other ambiguity, then classify the relevance of keyword to the query into one of the following categories: "Not bad", or "Bad". The definitions of the categories are |
"Not bad": the keyword is relevant to the user’s search query. This can include: broader or narrower product selection, competitor or alternative products, accessories, products often purchased together and related topics as well as direct matches to the user’s search. |
"Bad": the keyword is not relevant to the user’s search query. There is no relationship between the query and keyword. This includes but is not limited to: incorrect/unrelated product, unrelated topic, wrong location when location is important, cannot be used in place of query product nor are they commonly purchased together, etc. |
Please predict whether the keyword is relevant to the query or not. The answer should be exact "Not bad" or "Bad". |
Query: google data studio sharepoint |
Keyword: sharepoint migration tool file share |
Answer: Bad |
Query: motorhomes sale |
Keyword: rv sale used class c |
Answer: Not bad |
Query: southern exposure seed exchange company |
Keyword: uk poppy seeds |
Answer: Not bad |
Query: nissan parts canada |
Keyword: purchase tires |
Answer: Bad |
Query: alcohol detoxing |
Keyword: inpatient drug rehab |
Answer: Not bad |
Query: loudmouth clothing sale |
Keyword: levis jeans |
Answer: Bad |
Query: firefox mac sierra |
Keyword: opera browser mac |
Answer: Not bad |
Query: google images |
Keyword: buy photo |
Answer: Bad |
Query: {query} |
Keyword: {keyword} |
Answer: |
The goal of this task is to determine whether the targeted word in the first sentence and the second sentence conveys the same meaning. Please note that if the targeted word appears multiple times in the sentences, only the instance of the word surrounded by quotation marks should be considered. Additionally, the tense and form of the targeted word should not be taken into account. If the targeted word in the first sentence and the second sentence corresponds to the same meaning, output "True"; otherwise, output "False". |
To complete this task, you will need to predict whether the targeted word "w" in the first sentence "s1" and the second sentence "s2" convey the same meaning. Your answer should be either "True" or "False". |
w: "place" |
s1: Do you want to come over to my "place" later? |
s2: A political system with no "place" for the less prominent groups. |
Answer: False |
w: "hold" |
s1: The general ordered the colonel to "hold" his position at all costs. |
s2: "Hold" the taxi. |
Answer: True |
w: "summer" |
s1: We like to "summer" in the Mediterranean. |
s2: We "summered" in Kashmir. |
Answer: True |
w: "approach" |
s1: "Approach" a task. |
s2: To "approach" the city. |
Answer: False |
w: "run" |
s1: "Run" rogue. |
s2: She "ran" 10 miles that day. |
Answer: False |
w: "head" |
s1: His horse won by a "head". |
s2: He is two "heads" taller than his little sister. |
Answer: True |
w: "meet" |
s1: The company agrees to "meet" the cost of any repairs. |
s2: This proposal "meets" my requirements. |
Answer: True |
w: "development" |
s1: The organism has reached a crucial stage in its "development". |
s2: Our news team brings you the latest "developments". |
Answer: False |
w: {target word} |
s1: {first sentence} |
s2: {second sentence} |
Answer: |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. If there exists evidence in the passage that supports the facts in the question, the answer should be "Yes". If there exists evidence in the passage that denies the facts in the question, the answer should be "No". |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Question: is elder scrolls online the same as skyrim |
Answer: No |
Passage: Good Samaritan law – Good Samaritan laws offer legal protection to people who give reasonable assistance to those who are, or who they believe to be, injured, ill, in peril, or otherwise incapacitated. The protection is intended to reduce bystanders’ hesitation to assist, for fear of being sued or prosecuted for unintentional injury or wrongful death. An example of such a law in common-law areas of Canada: a good Samaritan doctrine is a legal principle that prevents a rescuer who has voluntarily helped a victim in distress from being successfully sued for wrongdoing. Its purpose is to keep people from being reluctant to help a stranger in need for fear of legal repercussions should they make some mistake in treatment. By contrast, a duty to rescue law requires people to offer assistance and holds those who fail to do so liable. |
Question: do good samaritan laws protect those who help at an accident |
Answer: Yes |
Passage: Windows Movie Maker – Windows Movie Maker (formerly known as Windows Live Movie Maker in Windows 7) is a discontinued video editing software by Microsoft. It is a part of Windows Essentials software suite and offers the ability to create and edit videos as well as to publish them on OneDrive, Facebook, Vimeo, YouTube, and Flickr. |
Question: is windows movie maker part of windows essentials |
Answer: Yes |
Passage: Epsom railway station – Epsom railway station serves the town of Epsom in Surrey. It is located off Waterloo Road and is less than two minutes’ walk from the High Street. It is not in the London Oyster card zone unlike Epsom Downs or Tattenham Corner stations. The station building was replaced in 2012/2013 with a new building with apartments above the station (see end of article). |
Question: can you use oyster card at epsom station |
Answer: No |
Passage: Da Vinci’s Demons – The series premiered in the United States on Starz on 12 April 2013, and its second season premiered on 22 March 2014. The series was renewed for a third season, which premiered on 24 October 2015. On 23 July 2015, Starz announced that the third season would be the show’s last. However Goyer has left it open for a miniseries return. |
Question: will there be a season 4 of da vinci’s demons |
Answer: No |
Passage: Powdered sugar – Powdered sugar, also called confectioners’ sugar, icing sugar, and icing cake, is a finely ground sugar produced by milling granulated sugar into a powdered state. It usually contains a small amount of anti-caking agent to prevent clumping and improve flow. Although most often produced in a factory, powdered sugar can also be made by processing ordinary granulated sugar in a coffee grinder, or by crushing it by hand in a mortar and pestle. |
Question: is confectionary sugar the same as powdered sugar |
Answer: Yes |
Passage: Federal judiciary of the United States – The federal courts are composed of three levels of courts. The Supreme Court of the United States is the court of last resort. It is generally an appellate court that operates under discretionary review, which means that the Court can choose which cases to hear, by granting writs of certiorari. There is therefore generally no basic right of appeal that extends automatically all the way to the Supreme Court. In a few situations (like lawsuits between state governments or some cases between the federal government and a state) it sits as a court of original jurisdiction. |
Question: is the federal court the same as the supreme court |
Answer: No |
Passage: Bixby letter – In the 1998 war film Saving Private Ryan, General George Marshall (played by Harve Presnell) reads the Bixby letter to his officers before giving the order to find and send home Private James Francis Ryan after Ryan’s three brothers died in battle. |
Question: did abraham lincoln write the letter in saving private ryan |
Answer: Yes |
Passage: {passage} |
Question: {question} |
Answer: |
Appendix D Few-shot CoT Prompts
Given a search engine query, first, consider what the user could have in mind when they type in the query and allow for misspellings or other ambiguity, then classify the relevance of keyword to the query into one of the following categories: "Not bad", or "Bad". The definitions of the categories are |
"Not bad": the keyword is relevant to the user’s search query. This can include: broader or narrower product selection, competitor or alternative products, accessories, products often purchased together and related topics as well as direct matches to the user’s search. |
"Bad": the keyword is not relevant to the user’s search query. There is no relationship between the query and keyword. This includes but is not limited to: incorrect/unrelated product, unrelated topic, wrong location when location is important, cannot be used in place of query product nor are they commonly purchased together, etc. |
Please predict whether the keyword is relevant to the query or not. The answer should be exact "Not bad" or "Bad". |
Query: google data studio sharepoint |
Keyword: sharepoint migration tool file share |
Answer: The relevance of the keyword "sharepoint migration tool file share" to the search query "google data studio sharepoint" is "Bad". This keyword is not relevant to the user’s search query as it pertains to a different tool or technology (SharePoint) that is not mentioned in the search query. The keyword focuses on a migration tool for SharePoint file sharing, while the search query is focused on Google Data Studio. There is no relationship between the two, so the keyword is not relevant to the user’s search query. Therefore, the relevance is "Bad". |
Query: motorhomes sale |
Keyword: rv sale used class c |
Answer: The relevance of keyword "rv sale used class c" is "Not bad". The keyword "rv sale used class c" contains relevant information to the user’s search query "motorhomes sale". It includes a specific type of motorhome, "class c", that is being sold used, which is a relevant product selection for the user’s search. Additionally, the keyword "rv sale used class c" is a direct match to the user’s search and is commonly purchased together with the products in the search query. Therefore, the relevance is "Not bad". |
Query: southern exposure seed exchange company |
Keyword: uk poppy seeds |
Answer: The relevance of the keyword "uk poppy seeds" to the search query "southern exposure seed exchange company" is "Not bad". This is because the search query is about a seed exchange company, and the keyword "uk poppy seeds" is a specific type of seed that could be offered by such a company. Even though the company mentioned in the search query is based in the southern hemisphere, they may still offer seeds from other regions, including the UK, which could include poppy seeds. Therefore, the relevance is "Not bad". |
Query: nissan parts canada |
Keyword: purchase tires |
Answer: The relevance of "purchase tires" to the query "nissan parts canada" is "Bad". The keyword "purchase tires" is not directly related to the user’s search for Nissan parts in Canada. Tires are not a part of a Nissan car and therefore are not relevant to the search for Nissan parts. Additionally, the keyword does not relate to a common purchase with Nissan parts, and it is not a substitute for the search query. Therefore, the relevance is "Bad". |
Query: {query} |
Keyword: {keyword} |
Answer: |
Task description: The task is to identify if the occurrences of w in s1 and s2 correspond to the same meaning or not. The target word w in s1 and s2 is enclosed in quotation marks. There is no need to consider the tense and form of w. If w in s1 and s2 corresponds to the same meaning, output "true", otherwise output "false". |
w: "place" s1: Do you want to come over to my "place" later? |
s2: A political system with no "place" for the less prominent groups. |
Explanation: The answer is "false". In the first sentence, "place" refers to a physical location or a person’s home. In the second sentence, "place" refers to a position or status in a political system. Therefore, although the spelling and punctuation of "place" are the same in both sentences, the context and meaning of the word are different. Therefore, the answer is "false". |
w: "hold" s1: The general ordered the colonel to "hold" his position at all costs. |
s2: "Hold" the taxi. |
Explanation: The answer is "true". In both sentences, "hold" means to maintain or stay in a specific position or location. In the first sentence, the general orders the colonel to hold his position at all costs, meaning the colonel should not retreat or move from his current location. In the second sentence, someone is asking the taxi driver to hold, meaning to wait and stay in the current location until the person returns. Therefore, in both sentences, "hold" is used to convey the idea of staying in a particular position or location. Therefore, the answer is "true". |
w: "summer" |
s1: We like to "summer" in the Mediterranean. |
s2: We "summered" in Kashmir. |
Explanation: The answer is "true". In both sentences, "summer" refers to the activity of spending a summer vacation in a certain location. Although the word form is different ("summer" in the first sentence and "summered" in the second), the meaning is the same. The use of quotation marks in both sentences implies that "summer" is being used as a verb, rather than a season. Therefore, both sentences convey the idea of enjoying a summer vacation in different locations, making the meaning the same. Therefore, the answer is "true". |
w: "approach" |
s1: "Approach" a task. |
s2: To "approach" the city. |
Explanation: The answer is "false". In the first sentence, "Approach" is used as a verb and means to begin or undertake a task. In the second sentence, "approach" is also used as a verb but means to move towards or get closer to the city. Although the spelling and the quotation marks around the word are the same in both sentences, the context and the meaning of the word are different. Therefore, the occurrences of "approach" in the two sentences do not correspond to the same meaning. Therefore, the answer is "false". |
w: "cover" |
s1: "Cover" her face with a handkerchief. |
s2: Count the cash in the drawer twice just to "cover" yourself. |
Explanation: The answer is "false". The word "cover" has different meanings in the two sentences. In the first sentence, "cover" means to hide or conceal something. In contrast, in the second sentence, "cover" means to protect oneself from potential problems or accusations. The context and usage of the word "cover" in the two sentences are different, indicating that the two instances of "cover" do not correspond to the same meaning. Therefore, the answer is "false". |
w: "head" |
s1: His horse won by a "head". |
s2: He is two "heads" taller than his little sister. |
Explanation: The answer is "true". In both sentences, "head" is used as a unit of measurement. In the first sentence, it means that the speaker’s horse won by a small margin, specifically the length of the horse’s head. In the second sentence, it means that the person is taller than their little sister by a specific amount, namely two head lengths. Therefore, in both cases, "head" is used as a measure of distance or height, indicating that the two occurrences correspond to the same meaning. Therefore, the answer is "true". |
w: "meet" |
s1: The company agrees to "meet" the cost of any repairs. |
s2: This proposal "meets" my requirements. |
Explanation: The answer is "true". Although the verb "meet" is used in different senses in the two sentences, in both cases, it conveys the idea of satisfying a requirement or obligation. In the first sentence, the company agrees to pay for any repairs, which is a requirement or obligation. In the second sentence, the proposal fulfills or satisfies the speaker’s requirements. Therefore, even though the two sentences use "meet" in different senses, they convey the same general idea of satisfying an obligation or requirement, making the answer "true". Therefore, the answer is "true". |
w: "development" |
s1: The organism has reached a crucial stage in its "development". |
s2: Our news team brings you the latest "developments". |
Explanation: The answer is "false". In the first sentence, "development" refers to the growth or progress of an organism. In contrast, in the second sentence, "developments" refer to the latest events or updates on a particular subject. The first sentence refers to a specific stage in the life of an organism, while the second sentence refers to recent events or news related to a particular topic. Therefore, the context and meaning of "development" in both sentences are different, and they cannot be considered the same. Therefore, the answer is "false". |
w: {target word} |
s1: {first sentence} |
s2: {second sentence} |
Explanation: |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. If there exists evidence in the passage that supports the facts in the question, the answer should be "Yes". If there exists evidence in the passage that denies the facts in the question, the answer should be "No". |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Question: is elder scrolls online the same as skyrim |
Answer: The answer is "No". Although The Elder Scrolls Online is set on the continent of Tamriel, like Skyrim and other games in The Elder Scrolls series, it takes place a millennium before Skyrim and around 800 years before Morrowind and Oblivion. While it has a similar structure to Skyrim, with two conflicts progressing at the same time, the primary struggle in The Elder Scrolls Online is against the Daedric Prince Molag Bal, who has stolen the player character’s soul, and the second is to capture the vacant imperial throne. Therefore, The Elder Scrolls Online is not the same game as Skyrim. Therefore, the answer is "No". |
Passage: Good Samaritan law – Good Samaritan laws offer legal protection to people who give reasonable assistance to those who are, or who they believe to be, injured, ill, in peril, or otherwise incapacitated. The protection is intended to reduce bystanders’ hesitation to assist, for fear of being sued or prosecuted for unintentional injury or wrongful death. An example of such a law in common-law areas of Canada: a good Samaritan doctrine is a legal principle that prevents a rescuer who has voluntarily helped a victim in distress from being successfully sued for wrongdoing. Its purpose is to keep people from being reluctant to help a stranger in need for fear of legal repercussions should they make some mistake in treatment. By contrast, a duty to rescue law requires people to offer assistance and holds those who fail to do so liable. |
Question: do good samaritan laws protect those who help at an accident |
Answer: The answer is "Yes". Good Samaritan laws offer legal protection to people who provide reasonable assistance to those who are injured, ill, in peril, or otherwise incapacitated. The purpose of these laws is to encourage bystanders to provide help without fear of being sued or prosecuted for unintentional injury or wrongful death. In Canada, for example, the good Samaritan doctrine is a legal principle that prevents a rescuer who has voluntarily helped a victim in distress from being successfully sued for wrongdoing. Therefore, individuals who provide reasonable assistance at an accident can be protected by good Samaritan laws. Therefore, the answer is "Yes". |
Passage: Windows Movie Maker – Windows Movie Maker (formerly known as Windows Live Movie Maker in Windows 7) is a discontinued video editing software by Microsoft. It is a part of Windows Essentials software suite and offers the ability to create and edit videos as well as to publish them on OneDrive, Facebook, Vimeo, YouTube, and Flickr. |
Question: is windows movie maker part of windows essentials |
Answer: The answer to the question "is Windows Movie Maker part of Windows Essentials?" is Yes. As stated in the passage, Windows Movie Maker is a discontinued video editing software by Microsoft and was a part of the Windows Essentials software suite. Windows Essentials was a collection of free software programs from Microsoft, including Photo Gallery, Movie Maker, Mail, Writer, and OneDrive, among others. Therefore, Windows Movie Maker was one of the programs included in the Windows Essentials suite, which was available for download from Microsoft’s website. Therefore, the answer is "Yes". |
Passage: Epsom railway station – Epsom railway station serves the town of Epsom in Surrey. It is located off Waterloo Road and is less than two minutes’ walk from the High Street. It is not in the London Oyster card zone unlike Epsom Downs or Tattenham Corner stations. The station building was replaced in 2012/2013 with a new building with apartments above the station (see end of article). |
Question: can you use oyster card at epsom station |
Answer: The answer is "No". The passage explicitly states that Epsom railway station is not in the London Oyster card zone, unlike Epsom Downs or Tattenham Corner stations. Therefore, you cannot use Oyster card at Epsom railway station. Therefore, the answer is "No". |
Passage: Da Vinci’s Demons – The series premiered in the United States on Starz on 12 April 2013, and its second season premiered on 22 March 2014. The series was renewed for a third season, which premiered on 24 October 2015. On 23 July 2015, Starz announced that the third season would be the show’s last. However Goyer has left it open for a miniseries return. |
Question: will there be a season 4 of da vinci’s demons |
Answer: The answer is "No". The passage states that the third season of "Da Vinci’s Demons" was the show’s last and that the series creator, David S. Goyer, left open the possibility of a miniseries return. However, there is no indication that a fourth season of the show was planned or produced. Therefore, based on the information provided, it can be concluded that there will not be a season 4 of "Da Vinci’s Demons". Therefore, the answer is "No". |
Passage: Powdered sugar – Powdered sugar, also called confectioners’ sugar, icing sugar, and icing cake, is a finely ground sugar produced by milling granulated sugar into a powdered state. It usually contains a small amount of anti-caking agent to prevent clumping and improve flow. Although most often produced in a factory, powdered sugar can also be made by processing ordinary granulated sugar in a coffee grinder, or by crushing it by hand in a mortar and pestle. |
Question: is confectionary sugar the same as powdered sugar |
Answer: The answer is "Yes". Confectioners’ sugar is another name for powdered sugar, as mentioned in the passage. It is produced by milling granulated sugar into a fine powder, and usually contains a small amount of anti-caking agent to prevent clumping. Both terms, confectioners’ sugar and powdered sugar, can be used interchangeably to refer to the same product. Therefore, the answer is "Yes". |
Passage: Federal judiciary of the United States – The federal courts are composed of three levels of courts. The Supreme Court of the United States is the court of last resort. It is generally an appellate court that operates under discretionary review, which means that the Court can choose which cases to hear, by granting writs of certiorari. There is therefore generally no basic right of appeal that extends automatically all the way to the Supreme Court. In a few situations (like lawsuits between state governments or some cases between the federal government and a state) it sits as a court of original jurisdiction. |
Question: is the federal court the same as the supreme court |
Answer: The answer is "No". The federal court is not the same as the Supreme Court. The federal courts consist of three levels of courts, while the Supreme Court is the highest level court of the federal judiciary. The Supreme Court operates under discretionary review and generally only hears cases on appeal. It also has original jurisdiction in certain specific situations, but it is not the same as the federal court. Therefore, the answer is "No". |
Passage: Batman & Robin (film) – With the box office success of Batman Forever in June 1995, Warner Bros. immediately commissioned a sequel. They hired director Joel Schumacher and writer Akiva Goldsman to reprise their duties the following August, and decided it was best to fast track production for a June 1997 target release date, which is a break from the usual 3-year gap between films. Schumacher wanted to homage both the broad camp style of the 1960s television series and the work of Dick Sprang. The storyline of Batman & Robin was conceived by Schumacher and Goldsman during pre-production on A Time to Kill. Portions of Mr. Freeze’s back-story were based on the Batman: The Animated Series episode “Heart of Ice”, written by Paul Dini. |
Question: is batman and robin a sequel to batman forever |
Answer: The answer is "Yes". Based on the information provided in the passage, Batman & Robin is a sequel to Batman Forever. Warner Bros. commissioned the sequel after the box office success of Batman Forever, and hired director Joel Schumacher and writer Akiva Goldsman to continue their duties. The film was fast-tracked for a June 1997 release, with Schumacher and Goldsman conceiving the storyline during pre-production of another movie. Therefore, Batman & Robin is a direct sequel to Batman Forever, released just two years later. Therefore, the answer is "Yes". |
Passage: {passage} |
Question: {question} |
Answer: |
Appendix E Prompts Used to Test the Stability
We present the few-shot prompts p1, p2 and p3 in Tables 24, 25 and 26, respectively. The few-shot prompt p3 is obtained by swapping the order of the “Question” and “Passage” in Table 18. While few-shot prompts p1 and p2 have minor variations in their task description compared to p3, we have highlighted the differences in bold. The few-shot prompts, p1, p2, and p3, consist of the same demonstrated examples as the original prompt presented in Table 18.
We show the few-shot CoT prompts p1, p2 and p3 in Tables 27, 28 and 29, respectively. The few-shot CoT prompt p3 is obtained by swapping the order of the “Question” and “Passage” in Table 23. While few-shot CoT prompts p1 and p2 have minor variations in their task description compared to p3, we have highlighted the differences in bold. The few-shot CoT prompts, p1, p2, and p3, consist of the same demonstrated examples as the original prompt presented in Table 23.
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Question: is elder scrolls online the same as skyrim |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Answer: No |
…… |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Question: is elder scrolls online the same as skyrim |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Answer: No |
…… |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. If there exists evidence in the passage that supports the facts in the question, the answer should be "Yes". If there exists evidence in the passage that denies the facts in the question, the answer should be "No". |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Question: is elder scrolls online the same as skyrim |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Answer: No |
…… |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Question: is elder scrolls online the same as skyrim |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Answer: The answer is "No". Although The Elder Scrolls Online is set on the continent of Tamriel, like Skyrim and other games in The Elder Scrolls series, it takes place a millennium before Skyrim and around 800 years before Morrowind and Oblivion. While it has a similar structure to Skyrim, with two conflicts progressing at the same time, the primary struggle in The Elder Scrolls Online is against the Daedric Prince Molag Bal, who has stolen the player character’s soul, and the second is to capture the vacant imperial throne. Therefore, The Elder Scrolls Online is not the same game as Skyrim. Therefore, the answer is "No". |
…… |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Question: is elder scrolls online the same as skyrim |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Answer: The answer is "No". Although The Elder Scrolls Online is set on the continent of Tamriel, like Skyrim and other games in The Elder Scrolls series, it takes place a millennium before Skyrim and around 800 years before Morrowind and Oblivion. While it has a similar structure to Skyrim, with two conflicts progressing at the same time, the primary struggle in The Elder Scrolls Online is against the Daedric Prince Molag Bal, who has stolen the player character’s soul, and the second is to capture the vacant imperial throne. Therefore, The Elder Scrolls Online is not the same game as Skyrim. Therefore, the answer is "No". |
…… |
Yes/No question-answering consists of a short passage and a Yes/No question about the passage. The questions are provided anonymously and unsolicited by users of the Google search engine, and afterwards paired with a paragraph from a Wikipedia article containing the answer. If there exists evidence in the passage that supports the facts in the question, the answer should be "Yes". If there exists evidence in the passage that denies the facts in the question, the answer should be "No". |
Your task is to read the passage and predict whether the answer to the question is "Yes" or "No". |
Question: is elder scrolls online the same as skyrim |
Passage: The Elder Scrolls Online – As with other games in The Elder Scrolls series, the game is set on the continent of Tamriel. The events of the game occur a millennium before those of The Elder Scrolls V: Skyrim and around 800 years before The Elder Scrolls III: Morrowind and The Elder Scrolls IV: Oblivion. It has a broadly similar structure to Skyrim, with two separate conflicts progressing at the same time, one with the fate of the world in the balance, and one where the prize is supreme power on Tamriel. In The Elder Scrolls Online, the first struggle is against the Daedric Prince Molag Bal, who is attempting to meld the plane of Mundus with his realm of Coldharbour, and the second is to capture the vacant imperial throne, contested by three alliances of the mortal races. The player character has been sacrificed to Molag Bal, and Molag Bal has stolen their soul, the recovery of which is the primary game objective. |
Answer: The answer is "No". Although The Elder Scrolls Online is set on the continent of Tamriel, like Skyrim and other games in The Elder Scrolls series, it takes place a millennium before Skyrim and around 800 years before Morrowind and Oblivion. While it has a similar structure to Skyrim, with two conflicts progressing at the same time, the primary struggle in The Elder Scrolls Online is against the Daedric Prince Molag Bal, who has stolen the player character’s soul, and the second is to capture the vacant imperial throne. Therefore, The Elder Scrolls Online is not the same game as Skyrim. Therefore, the answer is "No". |
…… |
Appendix F Prompts for Constructing the Conversation-based Information Retrieval Dataset
Now you need to enrich the following text paragraphs with content that is relevant and factually consistent with the content of the text paragraphs. |
Passage: To determine the salary range percentile, you must first calculate the difference between the maximum and minimum salary figures. For example, if the salary range for a particular position is between $45,000 and $75,000, the difference between those two figures would be $30,000. |
Once you have calculated the salary range difference, you can then use this information to determine the salary range percentile. This is a way to compare salaries of individuals in the same profession or industry, and can be helpful in negotiating salaries and assessing the competitiveness of compensation packages. |
The salary range percentile can be calculated by taking an individual’s salary and comparing it to the range of salaries for the same position. For instance, if an individual’s salary is $60,000 and the salary range for their position is $45,000 to $75,000, their salary falls within the 50th percentile of the salary range. |
It’s important to note that salary ranges can vary depending on a number of factors, including location, industry, experience, and education. Employers typically set salary ranges based on market research and benchmarking against similar positions in the same industry and geographic region. |
Additionally, some companies may have a more structured salary range system, while others may be more flexible and open to negotiation. It’s important to research and understand the salary range for your position and industry to ensure that you are being compensated fairly and competitively. |
I need you to simulate the scene of a conversation between a person and ChatGPT. P1 represents the person, who is responsible for asking questions based on the given text passage, and P2 represents the ChatGPT, who is responsible for answering the questions posed by P1. You need to answer query according to the following passage and form the first round of the dialogue: |
Query: how to determine salary range |
Passage: Once you have calculated the salary range difference, you can then use this information to determine the salary range percentile. This is a way to compare salaries of individuals in the same profession or industry, and can be helpful in negotiating salaries and assessing the competitiveness of compensation packages. |
The salary range percentile can be calculated by taking an individual’s salary and comparing it to the range of salaries for the same position. For instance, if an individual’s salary is $60,000 and the salary range for their position is $45,000 to $75,000, their salary falls within the 50th percentile of the salary range. |
It’s important to note that salary ranges can vary depending on a number of factors, including location, industry, experience, and education. Employers typically set salary ranges based on market research and benchmarking against similar positions in the same industry and geographic region. |
Additionally, some companies may have a more structured salary range system, while others may be more flexible and open to negotiation. It’s important to research and understand the salary range for your position and industry to ensure that you are being compensated fairly and competitively. |
Next, you need to continue several rounds of dialogue according to the first round of dialogue. Complete the above requirements step by step. |
P1: How do you determine the salary range percentile? |
P2: You must first compute the difference between the highest and minimum wage figures in order to establish the salary range percentile. |
P1: Can you give me an example of this calculation? |
P2: Sure. For example, if the salary range for a particular position is between $45,000 and $75,000, the difference between those two figures would be $30,000. |
P1: Is there anything else I need to do to determine the salary range? |
P2: Once you have calculated the difference between the maximum and minimum salary figures, you can use that information to generate the salary range percentile. |
P1: How do I generate the salary range percentile? |
P2: The salary range percentile is generated by comparing the salary range for a particular position to the salaries for similar positions in the same industry and geographic location. |
P1: Is the wage range percentile generated using a specific formula? |
P2: There is no specific formula for generating the salary range percentile, as it can vary depending on the company and industry. However, it typically involves researching salary data for similar positions and adjusting the salary range based on factors such as experience level, education, and geographic location. |
Given a conversation and passage, first, consider the relevance of the conversation and paragraph, explore the relevant content between the conversation and passage, and then classify the relevance between the conversation and passage into one of the following categories: "Relevant" or "Not Relevant Enough". The definitions of the categories are: |
"Not Relevant Enough": The conversation is not relevant enough to the passage, as a small portion of the content may have appeared in the passage, but most of the content in the conversation has not appeared in the passage or is not related to the passage. The content involved in the conversation may not be consistent with the facts described in the passage. For the specific details in the passage, the conversation did not involve relevant details. |
"Relevant": Passage and conversation are related. The topic of the conversation is consistent with the paragraph, and the facts mentioned in the conversation are consistent with the facts in the passage. The content of the conversation is mostly related to the paragraph, and can be appropriately expanded. |
Here are some examples: |
<Passage> |
To determine the salary range percentile, you must first calculate the difference between the maximum and minimum salary figures. For example, if the salary range for a particular position is between $45,000 and $75,000, the difference between those two figures would be $30,000. |
<Conversation> |
P1: How do you determine the salary range percentile? |
P2: You must first compute the difference between the highest and minimum wage figures in order to establish the salary range percentile. |
P1: Can you give me an example of this calculation? |
P2: Sure. For example, if the salary range for a particular position is between 75,000, the difference between those two figures would be $30,000. |
P1: Is there anything else I need to do to determine the salary range? |
P2: Once you have calculated the difference between the maximum and minimum salary figures, you can use that information to generate the salary range percentile. |
P1: How do I generate the salary range percentile? |
P2: The salary range percentile is generated by comparing the salary range for a particular position to the salaries for similar positions in the same industry and geographic location. |
P1: Is the wage range percentile generated using a specific formula? |
P2: There is no specific formula for generating the salary range percentile, as it can vary depending on the company and industry. However, it typically involves researching salary data for similar positions and adjusting the salary range based on factors such as experience level, education, and geographic location. |
<Answer> |
The conversation is discussing how to determine the salary range percentile, which is the topic of the passage. The conversation provides an example that is consistent with the information presented in the passage, and also expands on how to generate the salary range percentile by comparing it to salaries for similar positions. The information in the conversation is relevant and consistent with the information presented in the passage. Therefore, the relecance is "Relevant". |
<end> |
<Passage> |
An antigen is any molecule against which a specific immune response can be generated. This means that lymphocytes are activated: 1 B-cells are activated to produce antibodies and. 2 T-cells are activated to provide helper function and cytotoxic function. |
<Conversation> |
P1: What is the function of lymphocytes? |
P2: Lymphocytes are a type of white blood cell that are responsible for producing antibodies. |
P1: What do antibodies do? |
P2: Antibodies attach to the antigens on the surface of bacteria or viruses, which helps the immune system identify and destroy the pathogen. |
P1: Can you explain what antigens are? |
P2: Antigens are molecules that are found on the surface of bacteria or viruses. They are recognized by the immune system as foreign invaders, and the attachment of antibodies to these antigens helps to destroy the pathogen. |
P1: Are different antibodies needed for different types of antigens? |
P2: Yes, different organisms have different antigens, so a different antibody is needed to recognize each different type of antigen. |
P1: What happens when an antibody attaches to a virus? |
P2: When an antibody attaches to a virus, it can either destroy the pathogen or make it easier for a phagocyte to ingest and destroy it. This is an important part of the immune response to viral infections. |
<Answer> |
Although the conversation is related to the immune system and antibodies, it does not provide any additional information about the functions of B-cells or T-cells as described in the passage. The conversation also does not mention anything about the specific immune response generated by antigens, which is the main topic of the passage. While the conversation provides general information about the immune system and antibodies, it does not expand on the content of the passage or provide any additional relevant details. Therefore, the relecance is "Not Relevant Enough". |
<end> |
Please predict whether the conversation is relevant to the passage or not. The answer should be exact "Not Relevant Enough" or "Relevant". |
<Passage> |
{passage} |
<Conversation> |
{conversation} |
Appendix G Details on Human Evaluation
For the purpose of human evaluation, we begin by presenting annotators with a multi-turn conversation accompanied by a paired passage. Their task involves carefully reading both the conversation and passage, ensuring a comprehensive grasp of the main topics and any significant details. Subsequently, they are required to assess the fluency of the conversation, as well as its relevance and consistency with the provided passage.
G.1 Fluency
To evaluate the fluency of the generated conversation, annotators should answer the first question:
How fluent do you think the conversation is?
Following previous study He and Yiu (2022), annotators need to score the fluency of the conversation on a 5-point Likert scale from 1 to 5, based on the following rules:
1: The conversation cannot be understood and all segments are not fluent.
2: The conversation cannot be understood, but some segments are fluent.
3: The conversation can be understood to some extent, but with many grammatical errors.
4: The conversation can be understood with several grammatical errors.
5: The conversation is extremely fluent without any grammatical errors.
G.2 Relevance
To assess the relevance between the generated conversation and the paired passage, graders need to consider the second question:
Q2: How relevant do you think the conversation is to the given passage?
Specifically, graders need to score the relevance between the conversation and the given passage on a 3-point Likert scale from 1 to 3:
1 (Irrelevant): Any topic discussed in the conversation is completely unrelated to the given passage.
2 (Not Relevant Enough): Few topics discussed in the conversation are related to the given passage.
3 (Relevant): Most topics discussed in the conversation are related to the given passage.
G.3 Consistency
As for consistency, graders should answer the following question:
Q3: How consistent do you think the conversation is to the given passage?
To be concrete, graders need to score the consistency between the conversation and the given passage on a 3-point Likert scale from 1 to 3:
1: Any fact mentioned in the conversation does not appear in the given passage.
2: Few facts mentioned in the conversation are supported by the facts in the given passage.
3: Most facts mentioned in the conversation are consistent with the facts in the passage.
We show the human evaluation results in Table 33.
Score | Fluency | Relevance | Consistency |
1 |
0 |
5 |
16 |
2 |
0 |
132 |
144 |
3 |
0 |
163 |
140 |
4 |
3 |
- |
- |
5 |
297 |
- |
- |
Average |
4.99 |
2.53 |
2.41 |